From 89a01c4acdc6fe52ec8d55467f3a28995ce3d250 Mon Sep 17 00:00:00 2001 From: Greg Mingas Date: Mon, 5 Apr 2021 19:07:26 +0100 Subject: [PATCH 1/6] Add correlation rank similarity metric --- metrics/utility-metrics/feature_importance.py | 125 ++++++++--- metrics/utility-metrics/rbo.py | 212 +++++++++++++++++- 2 files changed, 308 insertions(+), 29 deletions(-) diff --git a/metrics/utility-metrics/feature_importance.py b/metrics/utility-metrics/feature_importance.py index 0ebebf73..5a13f285 100644 --- a/metrics/utility-metrics/feature_importance.py +++ b/metrics/utility-metrics/feature_importance.py @@ -19,6 +19,10 @@ from sklearn.preprocessing import LabelEncoder, normalize from sklearn.metrics.pairwise import cosine_similarity from typing import Union +import dython.nominal.associations as associations +from pulp import LpMaximize, LpProblem, LpStatus, lpSum, LpVariable, constants, value +import pulp +pulp.LpSolverDefault.msg = 1 sys.path.append(os.path.join(os.path.dirname(__file__), os.path.pardir, "utilities")) from utils import handle_cmdline_args, extract_parameters, find_column_types @@ -238,8 +242,7 @@ def featuretools_importances(df, data_meta, utility_params_ft, rs): feature_imps_shapley = [] return auc, f1, feature_imps_builtin, feature_imps_permutation, \ - feature_imps_shapley, clf, fm_test, y_test, dropped_columns, multiclass - + feature_imps_shapley, clf, fm_test, y_test, dropped_columns, multiclass, fm_train def feature_importance_metrics( path_original_ds, @@ -253,8 +256,8 @@ def feature_importance_metrics( ): """ Calculates feature importance ranking differences between the original - and released datasets, using a random forest classification model - and the RBO ranking comparison metric. + and released datasets, using a random forest classification model, various + feature importance measures and various feature rank/score comparison measures. Saves the results into a .json file. These can be compared to estimate the utility of the released dataset. @@ -311,8 +314,8 @@ def feature_importance_metrics( with warnings.catch_warnings(record=True) as warns: print("Computing feature importance for original dataset") auc_orig, f1_orig, orig_feature_importances_builtin, orig_feature_importances_permutation, \ - orig_feature_importances_shapley, _, X_test_orig, y_test_orig, dropped_cols_orig, multiclass_orig = \ - featuretools_importances(orig_df, orig_metadata, utility_params, random_seed) + orig_feature_importances_shapley, _, X_test_orig, y_test_orig, dropped_cols_orig, multiclass_orig, \ + X_train_orig = featuretools_importances(orig_df, orig_metadata, utility_params, random_seed) rank_orig_features_builtin = [i[1] for i in orig_feature_importances_builtin] score_orig_features_builtin = [i[0] for i in orig_feature_importances_builtin] rank_orig_features_permutation = [i[1] for i in orig_feature_importances_permutation] @@ -323,18 +326,8 @@ def feature_importance_metrics( if path_released_ds is not None: print("Computing feature importance for synthetic dataset") auc_rlsd, f1_rlsd, rlsd_feature_importances_builtin, rlsd_feature_importances_permutation, \ - rlsd_feature_importances_shapley, clf_rlsd, _, _, dropped_cols_rlsd, multiclass_rlsd = \ + rlsd_feature_importances_shapley, clf_rlsd, _, _, dropped_cols_rlsd, multiclass_rlsd, _ = \ featuretools_importances(rlsd_df, orig_metadata, utility_params, random_seed) - rank_rlsd_features_builtin = [i[1] for i in rlsd_feature_importances_builtin] - score_rlsd_features_builtin = [i[0] for i in rlsd_feature_importances_builtin] - rank_rlsd_features_permutation = [i[1] for i in rlsd_feature_importances_permutation] - score_rlsd_features_permutation = [i[0] for i in rlsd_feature_importances_permutation] - rank_rlsd_features_shapley = [i[1] for i in rlsd_feature_importances_shapley] - score_rlsd_features_shapley = [i[0] for i in rlsd_feature_importances_shapley] - - utility_collector_builtin = compare_features(rank_orig_features_builtin, rank_rlsd_features_builtin, - score_orig_features_builtin, score_rlsd_features_builtin, - utility_collector_builtin, percentage_threshold) # predict test labels and calculate cross AUC - trained on rlsd, test on original # first step is to drop from the orig test set the columns that were dropped in the rlsd (if any) @@ -369,6 +362,21 @@ def feature_importance_metrics( print('Cross-AUC score of {:.3f} and weighted Cross-F1 of {:.3f}'.format(auc_cross, f1_cross)) + rank_rlsd_features_builtin = [i[1] for i in rlsd_feature_importances_builtin] + score_rlsd_features_builtin = [i[0] for i in rlsd_feature_importances_builtin] + rank_rlsd_features_permutation = [i[1] for i in rlsd_feature_importances_permutation] + score_rlsd_features_permutation = [i[0] for i in rlsd_feature_importances_permutation] + rank_rlsd_features_shapley = [i[1] for i in rlsd_feature_importances_shapley] + score_rlsd_features_shapley = [i[0] for i in rlsd_feature_importances_shapley] + + utility_collector_builtin = compare_features(rank_orig_features_builtin, + rank_rlsd_features_builtin, + X_train_orig, + score_orig_features_builtin, + score_rlsd_features_builtin, + utility_collector_builtin, + percentage_threshold) + utility_collector_builtin["orig_feature_importances"] = orig_feature_importances_builtin utility_collector_builtin["rlsd_feature_importances"] = rlsd_feature_importances_builtin utility_collector_builtin["auc_orig"] = auc_orig @@ -380,6 +388,7 @@ def feature_importance_metrics( utility_collector_permutation = compare_features(rank_orig_features_permutation, rank_rlsd_features_permutation, + X_train_orig, score_orig_features_permutation, score_rlsd_features_permutation, utility_collector_permutation, percentage_threshold) @@ -395,6 +404,7 @@ def feature_importance_metrics( if utility_params.get("compute_shapley"): utility_collector_shapley = compare_features(rank_orig_features_shapley, rank_rlsd_features_shapley, + X_train_orig, score_orig_features_shapley, score_rlsd_features_shapley, utility_collector_shapley, percentage_threshold) @@ -492,13 +502,14 @@ def feature_importance_metrics( def compare_features(rank_orig_features: list, rank_rlsd_features: list, + X_train_orig: pd.DataFrame, score_orig_features: Union[None, list] = None, score_rlsd_features: Union[None, list] = None, utility_collector: dict = {}, percentage_threshold: Union[float, None] = None): """Compare ranked features using different methods including - Ranked-biased Overlap (RBO), extrapolated version of RBO, - L2 norm and KL divergence + Ranked-biased Overlap (RBO), extrapolated version of RBO, + correlated rank similarity metrics, L2 norm and KL divergence Parameters ---------- @@ -506,6 +517,9 @@ def compare_features(rank_orig_features: list, rank_rlsd_features: list, ranked features from the original dataset rank_rlsd_features : list ranked features from the synthetic/released dataset + X_train_orig : pd.DataFrame + A dataframe that contains the original training dataset. This is needed + to calculate correlations/correlation-like measures between variables. score_orig_features : Union[None, list], optional scores of the ranked features from the original dataset, by default None score_rlsd_features : Union[None, list], optional @@ -520,38 +534,94 @@ def compare_features(rank_orig_features: list, rank_rlsd_features: list, 3. compute RBO for the selected features """ - if percentage_threshold != None and (0 < percentage_threshold < 1) and score_orig_features != None: + if percentage_threshold is not None and (0 < percentage_threshold < 1) \ + and score_orig_features is not None: target_index = np.argmax(np.cumsum(score_orig_features) > percentage_threshold) else: target_index = len(rank_orig_features) - # Rank-Biased Overlap (RBO) + # Correlation matrix needed for correlated rank similarity + correlation_matrix = associations(X_train_orig) + # RBO - orig vs. rlsd orig_rlsd_sim = RankingSimilarity(rank_orig_features[:target_index], rank_rlsd_features[:target_index]) - utility_collector["rbo_0.6"] = orig_rlsd_sim.rbo(p=0.6) utility_collector["rbo_0.8"] = orig_rlsd_sim.rbo(p=0.8) - # extrapolated version + # RBO - orig vs. rlsd - extrapolated version 1 (uneven + ties) utility_collector["rbo_ext_0.6"] = orig_rlsd_sim.rbo_ext(p=0.6) utility_collector["rbo_ext_0.8"] = orig_rlsd_sim.rbo_ext(p=0.8) - # original against one random permutation + # RBO - orig vs. rlsd - extrapolated version 2 (even lists) + utility_collector["rbo_ext2_0.6"] = orig_rlsd_sim.rbo(p=0.6, ext=True) + utility_collector["rbo_ext2_0.8"] = orig_rlsd_sim.rbo(p=0.8, ext=True) + + # Correlated rank - orig vs. rlsd - all variations + utility_collector["corr_rank_0.6"] = orig_rlsd_sim.correlated_rank_similarity(correlation_matrix, p=0.6) + utility_collector["corr_rank_0.8"] = orig_rlsd_sim.correlated_rank_similarity(correlation_matrix, p=0.8) + utility_collector["corr_rank_ext_0.6"] = orig_rlsd_sim.correlated_rank_similarity_ext(correlation_matrix, + p=0.6) + utility_collector["corr_rank_ext_0.8"] = orig_rlsd_sim.correlated_rank_similarity_ext(correlation_matrix, + p=0.8) + utility_collector["corr_rank_ext2_0.6"] = orig_rlsd_sim.correlated_rank_similarity(correlation_matrix, + p=0.6, ext=True) + utility_collector["corr_rank_ext2_0.8"] = orig_rlsd_sim.correlated_rank_similarity(correlation_matrix, + p=0.8, ext=True) + + # RBO - orig against one random permutation rank_rand_features = np.random.permutation(rank_orig_features[:target_index]) orig_rand_sim = RankingSimilarity(rank_orig_features[:target_index], rank_rand_features) - utility_collector["rbo_rand_0.6"] = orig_rand_sim.rbo(p=0.6) utility_collector["rbo_rand_0.8"] = orig_rand_sim.rbo(p=0.8) - # original lower bound + # RBO - orig against one random permutation - extrapolated version 1 (uneven + ties) + utility_collector["rbo_rand_ext_0.6"] = orig_rand_sim.rbo_ext(p=0.6) + utility_collector["rbo_rand_ext_0.8"] = orig_rand_sim.rbo_ext(p=0.8) + + # RBO - orig against one random permutation - extrapolated version 2 (even lists) + utility_collector["rbo_rand_ext2_0.6"] = orig_rand_sim.rbo(p=0.6, ext=True) + utility_collector["rbo_rand_ext2_0.8"] = orig_rand_sim.rbo(p=0.8, ext=True) + + # Correlated rank - orig against one random permutation - all variations + utility_collector["corr_rank_rand_0.6"] = orig_rand_sim.correlated_rank_similarity(correlation_matrix, p=0.6) + utility_collector["corr_rank_rand_0.8"] = orig_rand_sim.correlated_rank_similarity(correlation_matrix, p=0.8) + utility_collector["corr_rank_rand_ext_0.6"] = orig_rand_sim.correlated_rank_similarity_ext(correlation_matrix, + p=0.6) + utility_collector["corr_rank_rand_ext_0.8"] = orig_rand_sim.correlated_rank_similarity_ext(correlation_matrix, + p=0.8) + utility_collector["corr_rank_rand_ext2_0.6"] = orig_rand_sim.correlated_rank_similarity(correlation_matrix, + p=0.6, ext=True) + utility_collector["corr_rank_rand_ext2_0.8"] = orig_rand_sim.correlated_rank_similarity(correlation_matrix, + p=0.8, ext=True) + + # RBO - original vs. lower bound orig_lower_sim = RankingSimilarity(rank_orig_features[:target_index], list(reversed(rank_orig_features[:target_index]))) - utility_collector["rbo_lower_0.6"] = orig_lower_sim.rbo(p=0.6) utility_collector["rbo_lower_0.8"] = orig_lower_sim.rbo(p=0.8) + # RBO - original vs. lower bound - extrapolated version 1 (uneven + ties) + utility_collector["rbo_lower_ext_0.6"] = orig_lower_sim.rbo_ext(p=0.6) + utility_collector["rbo_lower_ext_0.8"] = orig_lower_sim.rbo_ext(p=0.8) + + # RBO - original vs. lower bound - extrapolated version 2 (even lists) + utility_collector["rbo_lower_ext2_0.6"] = orig_lower_sim.rbo(p=0.6, ext=True) + utility_collector["rbo_lower_ext2_0.8"] = orig_lower_sim.rbo(p=0.8, ext=True) + + # Correlated rank - original vs. lower bound - all variations + utility_collector["corr_rank_lower_0.6"] = orig_lower_sim.correlated_rank_similarity(correlation_matrix, p=0.6) + utility_collector["corr_rank_lower_0.8"] = orig_lower_sim.correlated_rank_similarity(correlation_matrix, p=0.8) + utility_collector["corr_rank_lower_ext_0.6"] = orig_lower_sim.correlated_rank_similarity_ext(correlation_matrix, + p=0.6) + utility_collector["corr_rank_lower_ext_0.8"] = orig_lower_sim.correlated_rank_similarity_ext(correlation_matrix, + p=0.8) + utility_collector["corr_rank_lower_ext2_0.6"] = orig_lower_sim.correlated_rank_similarity(correlation_matrix, + p=0.6, ext=True) + utility_collector["corr_rank_lower_ext2_0.8"] = orig_lower_sim.correlated_rank_similarity(correlation_matrix, + p=0.8, ext=True) + if score_orig_features != None and score_rlsd_features != None: # L2 norm tmp_orig_df = pd.DataFrame(score_orig_features, columns=["score_orig_features"]) @@ -577,7 +647,6 @@ def compare_features(rank_orig_features: list, rank_rlsd_features: list, score_rand_features_array = \ normalize(orig_rlsd_rand_df["score_rand_features"].to_numpy().reshape(-1, 1), axis=0) - utility_collector["l2_norm"] = np.sqrt(np.sum((score_orig_features_array - score_rlsd_features_array) ** 2)) utility_collector["l2_norm_rand"] = np.sqrt(np.sum((score_orig_features_array - score_rand_features_array) ** 2)) utility_collector["cosine_sim"] = \ diff --git a/metrics/utility-metrics/rbo.py b/metrics/utility-metrics/rbo.py index 1defe453..87d9ca72 100644 --- a/metrics/utility-metrics/rbo.py +++ b/metrics/utility-metrics/rbo.py @@ -9,7 +9,9 @@ """ import numpy as np - +from pulp import LpMaximize, LpProblem, LpStatus, lpSum, LpVariable, constants, value +import pulp +pulp.LpSolverDefault.msg = 1 class RankingSimilarity(object): """ @@ -281,6 +283,214 @@ def top_weightness(self, p=None, d=None): return self._bound_range(top_w) + def correlated_rank_similarity(self, correlation_matrix, k=None, p=1.0, ext=False): + """ + RBO adapted to use doubly-stochastic correlated rank similarity + instead of the overlap used in the RBO paper. + + Args: + correlation_matrix (pandas.DataFrame): + The correlation or strength of association between all features + k (int), default None: + The depth of evaluation. + p (float), default 1.0: Weight of each agreement at depth d: + p**(d-1). When set to 1.0, there is no weight, returns + to average "correlated overlap". + ext (Boolean) default False: If True, we will extrapolate the correlated rank, + as in Eq. (23) of the original RBO paper. + + Returns: + The correlated rank similarity at depth k (or extrapolated beyond) + """ + + if not self.N_S and not self.N_T: + return 1 # both lists are empty + + if not self.N_S or not self.N_T: + return 0 # one list empty, one non-empty + + self.p = p + + if k is None: + k = float('inf') + k = min(self.N_S, self.N_T, k) + + X, A, AO = np.zeros(k), np.zeros(k), np.zeros(k) + + if p == 1.0: + weights = np.ones(k) + else: + assert (0.0 < p < 1.0), "p not >0.0 and <1.0" + weights = np.array([1.0 * (1 - p) * p ** d for d in range(k)]) + + for d in range(0, k): + X[d], _ = self.lp_optimiser(d, correlation_matrix) + + A[d] = X[d] / (d + 1) + + if p == 1.0: # equivalent to average overlap in equation 4 of the RBO paper + AO[d] = A[:(d + 1)].sum() / (d + 1) + else: # weighted average - i.e. equivalent to RBO in equation 7 of the RBO paper + AO[d] = (A[:(d + 1)] * weights[:(d + 1)]).sum() + + print(AO, A, X, weights) + + if ext and p < 1: + return self._bound_range(AO[-1] + A[-1] * p ** k) + else: + return self._bound_range(AO[-1]) + + def correlated_rank_similarity_ext(self, correlation_matrix, p=0.98): + """ + Extrapolated RBO adapted to use doubly-stochastic correlated rank similarity + instead of the overlap used in the RBO paper. This version implements an equivalent + metric to equation 32 in the RBO paper, where uneven lists and ties are taken into + account. + + Args: + correlation_matrix (pandas.DataFrame): + The correlation or strength of association between all features + p (float), default 0.98: Weight of each agreement at depth d: + p**(d-1). When set to 1.0, there is no weight, returns + to average "correlated overlap". + + Returns: + The extrapolated correlated rank similarity + """ + + assert (0.0 < p < 1.0), "p is not >0.0 and <1.0" + self.p = p + + if not self.N_S and not self.N_T: + return 1 # both lists are empty + + if not self.N_S or not self.N_T: + return 0 # one list empty, one non-empty + + # since we are dealing with un-even lists, we need to figure out the + # long (L) and short (S) list first. The name S might be confusing + # but in this function, S refers to short list, L refers to long list + if len(self.S) > len(self.T): + L, S = self.S, self.T + else: + S, L = self.S, self.T + + s, l = len(S), len(L) + + # initilize the overlap and rbo arrays + # the agreement can be simply calculated from the overlap + X, A, rbo = np.zeros(l), np.zeros(l), np.zeros(l) + weights = np.array([1.0 * (1 - p) * p ** d for d in range(l)]) + disjoint = 0 + + # start the calculation + PP = ProgressPrintOut(l) if self.verbose else NoPrintOut() + + for d in range(1, l): + PP.printout(d, delta=1) + + if d < s: # still overlapping in length + + X[d], _ = self.lp_optimiser(d, correlation_matrix) + + # Eq. (28) that handles the tie. len() is O(1) + A[d] = 2.0 * X[d] / (len(self.S[:(d + 1)]) + len(self.L[:(d + 1)])) + + rbo[d] = (weights[:(d + 1)] * A[:(d + 1)]).sum() + + ext_term = 1.0 * A[d] * p ** (d + 1) # the extrapolate term + + else: # the short list has fallen off the cliff + + X[d], _ = self.lp_optimiser(d, correlation_matrix) + + A[d] = 1.0 * X[d] / (d + 1) + + rbo[d] = (weights[:(d + 1)] * A[:(d + 1)]).sum() + + X_s = X[s - 1] # this the last common overlap + + # second term in first parenthesis of Eq. (32) + disjoint += 1.0 * (1 - p) * (p ** d) * (X_s * (d + 1 - s) / (d + 1) / s) + + ext_term = 1.0 * ((X[d] - X_s) / (d + 1) + X[s - 1] / s) * \ + p ** (d + 1) # last term in Eq. (32) + + return self._bound_range(rbo[-1] + disjoint + ext_term) + + def lp_optimiser(self, d, correlation_matrix): + """Solves the doubly stochastic LP problem given used in the + correlated rank metric. + + Args: + d (int): + The depth of evaluation. + correlation_matrix (pandas.DataFrame): + The correlation or strength of association between all features + + Returns: + score (float): + The optimal correlated rank score at depth d + opt_W (np.array): + The optimal doubly stochastic matrix W + + """ + + # if d is larger than the length of the smaller list + # this happens when working with uneven lists and want + # to explore them fully + if self.N_S != self.N_T and d >= min(self.N_S, self.N_T): + if self.N_S > self.N_T: + d1 = d + d2 = small_len = self.N_T - 1 + else: + d1 = small_len = self.N_S - 1 + d2 = d + else: + d1 = d2 = small_len = d + + # Define the LP problem + prob = LpProblem("Doubly-stochastic", LpMaximize) + variable_names = [self.S[i] + "_" + self.T[j] + for i in range(d1 + 1) + for j in range(d2 + 1)] + W = LpVariable.matrix("X", variable_names, cat='Continuous', lowBound=0, upBound=1) + W_np = np.array(W).reshape(d1 + 1, d2 + 1) + + # Reorder the correlations + corr_subset = np.eye(small_len + 1) + # if uneven lists and we are beyond the maximum index of the small one, + # then add rows or columns to the corr_subset matrix + if self.N_S != self.N_T and d >= min(self.N_S, self.N_T): + if self.N_S > self.N_T: + corr_subset = np.vstack((corr_subset, np.zeros((d1 - d2, small_len + 1)))) + else: + corr_subset = np.hstack((corr_subset, np.zeros((small_len + 1, d2 - d1)))) + + for i, var1 in enumerate(self.S[:(d1 + 1)]): + for j, var2 in enumerate(self.T[:(d2 + 1)]): + corr_subset[i][j] = correlation_matrix[var1][var2] + + # Objective function + obj_func = lpSum(W_np * corr_subset ** 0.5), "main objective" + prob += obj_func + + # Constraints + for i in range(d1 + 1): + prob += lpSum(W_np[i][j] for j in range(d2 + 1)) == 1, "Double stochastic row" + str(i) + for i in range(d2 + 1): + prob += lpSum(W_np[j][i] for j in range(d1 + 1)) == 1, "Double stochastic col" + str(i) + + # Solve and print result + prob.solve() + print(LpStatus[prob.status]) + + # Get W and score + opt_W = np.array([v.varValue for v in W]).reshape(d1 + 1, d2 + 1) + opt_score = value(prob.objective) + + return opt_score, opt_W + class ProgressPrintOut(object): """Quick status print out. From 71e4c6eb946f416bba2725ce53d7a7a5a5f174f2 Mon Sep 17 00:00:00 2001 From: Greg Mingas Date: Tue, 6 Apr 2021 10:13:17 +0100 Subject: [PATCH 2/6] Clean up code, move correlation computation outside of compare_features(), silence pulp messages --- metrics/utility-metrics/feature_importance.py | 26 +++++++++++-------- metrics/utility-metrics/rbo.py | 13 +++------- 2 files changed, 19 insertions(+), 20 deletions(-) diff --git a/metrics/utility-metrics/feature_importance.py b/metrics/utility-metrics/feature_importance.py index 5a13f285..796730f5 100644 --- a/metrics/utility-metrics/feature_importance.py +++ b/metrics/utility-metrics/feature_importance.py @@ -19,7 +19,7 @@ from sklearn.preprocessing import LabelEncoder, normalize from sklearn.metrics.pairwise import cosine_similarity from typing import Union -import dython.nominal.associations as associations +from dython.nominal import associations from pulp import LpMaximize, LpProblem, LpStatus, lpSum, LpVariable, constants, value import pulp pulp.LpSolverDefault.msg = 1 @@ -362,6 +362,14 @@ def feature_importance_metrics( print('Cross-AUC score of {:.3f} and weighted Cross-F1 of {:.3f}'.format(auc_cross, f1_cross)) + # Correlation matrix needed for correlated rank similarity + categorical_columns = [c["name"] for c in orig_metadata["columns"] + if (c["type"] in ["Categorical", "Ordinal"] + and c["name"] in X_train_orig.columns)] + categorical_columns.extend([c for c in X_train_orig.columns if "MODE" in c]) + correlation_matrix = associations(X_train_orig, nominal_columns=categorical_columns, + plot=False)["corr"].abs() + rank_rlsd_features_builtin = [i[1] for i in rlsd_feature_importances_builtin] score_rlsd_features_builtin = [i[0] for i in rlsd_feature_importances_builtin] rank_rlsd_features_permutation = [i[1] for i in rlsd_feature_importances_permutation] @@ -371,7 +379,7 @@ def feature_importance_metrics( utility_collector_builtin = compare_features(rank_orig_features_builtin, rank_rlsd_features_builtin, - X_train_orig, + correlation_matrix, score_orig_features_builtin, score_rlsd_features_builtin, utility_collector_builtin, @@ -388,7 +396,7 @@ def feature_importance_metrics( utility_collector_permutation = compare_features(rank_orig_features_permutation, rank_rlsd_features_permutation, - X_train_orig, + correlation_matrix, score_orig_features_permutation, score_rlsd_features_permutation, utility_collector_permutation, percentage_threshold) @@ -404,7 +412,7 @@ def feature_importance_metrics( if utility_params.get("compute_shapley"): utility_collector_shapley = compare_features(rank_orig_features_shapley, rank_rlsd_features_shapley, - X_train_orig, + correlation_matrix, score_orig_features_shapley, score_rlsd_features_shapley, utility_collector_shapley, percentage_threshold) @@ -502,7 +510,7 @@ def feature_importance_metrics( def compare_features(rank_orig_features: list, rank_rlsd_features: list, - X_train_orig: pd.DataFrame, + correlation_matrix: pd.DataFrame, score_orig_features: Union[None, list] = None, score_rlsd_features: Union[None, list] = None, utility_collector: dict = {}, @@ -517,9 +525,8 @@ def compare_features(rank_orig_features: list, rank_rlsd_features: list, ranked features from the original dataset rank_rlsd_features : list ranked features from the synthetic/released dataset - X_train_orig : pd.DataFrame - A dataframe that contains the original training dataset. This is needed - to calculate correlations/correlation-like measures between variables. + correlation_matrix : pd.DataFrame + Correlations/correlation-like measures between variables. score_orig_features : Union[None, list], optional scores of the ranked features from the original dataset, by default None score_rlsd_features : Union[None, list], optional @@ -540,9 +547,6 @@ def compare_features(rank_orig_features: list, rank_rlsd_features: list, else: target_index = len(rank_orig_features) - # Correlation matrix needed for correlated rank similarity - correlation_matrix = associations(X_train_orig) - # RBO - orig vs. rlsd orig_rlsd_sim = RankingSimilarity(rank_orig_features[:target_index], rank_rlsd_features[:target_index]) diff --git a/metrics/utility-metrics/rbo.py b/metrics/utility-metrics/rbo.py index 87d9ca72..0ff2f13c 100644 --- a/metrics/utility-metrics/rbo.py +++ b/metrics/utility-metrics/rbo.py @@ -9,7 +9,7 @@ """ import numpy as np -from pulp import LpMaximize, LpProblem, LpStatus, lpSum, LpVariable, constants, value +from pulp import LpMaximize, LpProblem, LpStatus, lpSum, LpVariable, constants, value, PULP_CBC_CMD import pulp pulp.LpSolverDefault.msg = 1 @@ -333,8 +333,6 @@ def correlated_rank_similarity(self, correlation_matrix, k=None, p=1.0, ext=Fals else: # weighted average - i.e. equivalent to RBO in equation 7 of the RBO paper AO[d] = (A[:(d + 1)] * weights[:(d + 1)]).sum() - print(AO, A, X, weights) - if ext and p < 1: return self._bound_range(AO[-1] + A[-1] * p ** k) else: @@ -384,17 +382,14 @@ def correlated_rank_similarity_ext(self, correlation_matrix, p=0.98): disjoint = 0 # start the calculation - PP = ProgressPrintOut(l) if self.verbose else NoPrintOut() - for d in range(1, l): - PP.printout(d, delta=1) if d < s: # still overlapping in length X[d], _ = self.lp_optimiser(d, correlation_matrix) # Eq. (28) that handles the tie. len() is O(1) - A[d] = 2.0 * X[d] / (len(self.S[:(d + 1)]) + len(self.L[:(d + 1)])) + A[d] = 2.0 * X[d] / (len(S[:(d + 1)]) + len(L[:(d + 1)])) rbo[d] = (weights[:(d + 1)] * A[:(d + 1)]).sum() @@ -482,8 +477,8 @@ def lp_optimiser(self, d, correlation_matrix): prob += lpSum(W_np[j][i] for j in range(d1 + 1)) == 1, "Double stochastic col" + str(i) # Solve and print result - prob.solve() - print(LpStatus[prob.status]) + prob.solve(PULP_CBC_CMD(msg=False)) + #print(LpStatus[prob.status]) # Get W and score opt_W = np.array([v.varValue for v in W]).reshape(d1 + 1, d2 + 1) From b04dfae964d1f1e1dba634ea2864394f8f9002a1 Mon Sep 17 00:00:00 2001 From: Greg Mingas Date: Thu, 8 Apr 2021 14:06:23 +0100 Subject: [PATCH 3/6] Remove extrapolated v1 metric calculations --- metrics/utility-metrics/feature_importance.py | 12 ------------ 1 file changed, 12 deletions(-) diff --git a/metrics/utility-metrics/feature_importance.py b/metrics/utility-metrics/feature_importance.py index 796730f5..62512fd5 100644 --- a/metrics/utility-metrics/feature_importance.py +++ b/metrics/utility-metrics/feature_importance.py @@ -564,10 +564,6 @@ def compare_features(rank_orig_features: list, rank_rlsd_features: list, # Correlated rank - orig vs. rlsd - all variations utility_collector["corr_rank_0.6"] = orig_rlsd_sim.correlated_rank_similarity(correlation_matrix, p=0.6) utility_collector["corr_rank_0.8"] = orig_rlsd_sim.correlated_rank_similarity(correlation_matrix, p=0.8) - utility_collector["corr_rank_ext_0.6"] = orig_rlsd_sim.correlated_rank_similarity_ext(correlation_matrix, - p=0.6) - utility_collector["corr_rank_ext_0.8"] = orig_rlsd_sim.correlated_rank_similarity_ext(correlation_matrix, - p=0.8) utility_collector["corr_rank_ext2_0.6"] = orig_rlsd_sim.correlated_rank_similarity(correlation_matrix, p=0.6, ext=True) utility_collector["corr_rank_ext2_0.8"] = orig_rlsd_sim.correlated_rank_similarity(correlation_matrix, @@ -591,10 +587,6 @@ def compare_features(rank_orig_features: list, rank_rlsd_features: list, # Correlated rank - orig against one random permutation - all variations utility_collector["corr_rank_rand_0.6"] = orig_rand_sim.correlated_rank_similarity(correlation_matrix, p=0.6) utility_collector["corr_rank_rand_0.8"] = orig_rand_sim.correlated_rank_similarity(correlation_matrix, p=0.8) - utility_collector["corr_rank_rand_ext_0.6"] = orig_rand_sim.correlated_rank_similarity_ext(correlation_matrix, - p=0.6) - utility_collector["corr_rank_rand_ext_0.8"] = orig_rand_sim.correlated_rank_similarity_ext(correlation_matrix, - p=0.8) utility_collector["corr_rank_rand_ext2_0.6"] = orig_rand_sim.correlated_rank_similarity(correlation_matrix, p=0.6, ext=True) utility_collector["corr_rank_rand_ext2_0.8"] = orig_rand_sim.correlated_rank_similarity(correlation_matrix, @@ -617,10 +609,6 @@ def compare_features(rank_orig_features: list, rank_rlsd_features: list, # Correlated rank - original vs. lower bound - all variations utility_collector["corr_rank_lower_0.6"] = orig_lower_sim.correlated_rank_similarity(correlation_matrix, p=0.6) utility_collector["corr_rank_lower_0.8"] = orig_lower_sim.correlated_rank_similarity(correlation_matrix, p=0.8) - utility_collector["corr_rank_lower_ext_0.6"] = orig_lower_sim.correlated_rank_similarity_ext(correlation_matrix, - p=0.6) - utility_collector["corr_rank_lower_ext_0.8"] = orig_lower_sim.correlated_rank_similarity_ext(correlation_matrix, - p=0.8) utility_collector["corr_rank_lower_ext2_0.6"] = orig_lower_sim.correlated_rank_similarity(correlation_matrix, p=0.6, ext=True) utility_collector["corr_rank_lower_ext2_0.8"] = orig_lower_sim.correlated_rank_similarity(correlation_matrix, From 69e301d5dffeb93db33242f60a1caa4771d0861b Mon Sep 17 00:00:00 2001 From: Greg Mingas Date: Thu, 8 Apr 2021 18:18:23 +0100 Subject: [PATCH 4/6] Add pulp to environment --- env-configuration/requirements.txt | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/env-configuration/requirements.txt b/env-configuration/requirements.txt index 178851b2..aa7cf7eb 100644 --- a/env-configuration/requirements.txt +++ b/env-configuration/requirements.txt @@ -11,4 +11,5 @@ featuretools #tensorflow-estimator shap ipython -numpy>=1.20 \ No newline at end of file +numpy>=1.20 +pulp \ No newline at end of file From 2777bb819afd3c127fea1512a1dba7b669a0121b Mon Sep 17 00:00:00 2001 From: Greg Mingas Date: Thu, 8 Apr 2021 23:07:03 +0100 Subject: [PATCH 5/6] Make modifications to ensemble files including creating new versions of adult and household datasets for new runs --- datasets/adult_dataset_small/adult_small.csv | 4001 +++++++++++++++++ datasets/adult_dataset_small/adult_small.json | 60 + .../adult-resampling-ensemble.py | 2 +- .../adult-subsample-ensemble.py | 2 +- .../adult_small-resampling-ensemble.py | 164 + .../adult_small-subsample-ensemble.py | 144 + .../framingham-resampling-ensemble.py | 2 +- .../framingham-subsample-ensemble.py | 2 +- .../household_large-resampling-ensemble.py | 188 + .../household_large-subsample-ensemble.py | 142 + .../privbayes-adult_small-ensemble.py | 164 + .../privbayes-framingham-ensemble.py | 2 +- .../privbayes-household_large-ensemble.py | 157 + generators/household_poverty/clean.py | 196 +- metrics/utility-metrics/feature_importance.py | 6 +- 15 files changed, 5185 insertions(+), 47 deletions(-) create mode 100644 datasets/adult_dataset_small/adult_small.csv create mode 100644 datasets/adult_dataset_small/adult_small.json create mode 100644 examples/adult_small-resampling-ensemble/adult_small-resampling-ensemble.py create mode 100644 examples/adult_small-subsample-ensemble/adult_small-subsample-ensemble.py create mode 100644 examples/household_large-resampling-ensemble/household_large-resampling-ensemble.py create mode 100644 examples/household_large-subsample-ensemble/household_large-subsample-ensemble.py create mode 100644 examples/privbayes-adult_small-ensemble/privbayes-adult_small-ensemble.py create mode 100644 examples/privbayes-household_large-ensemble/privbayes-household_large-ensemble.py diff --git a/datasets/adult_dataset_small/adult_small.csv b/datasets/adult_dataset_small/adult_small.csv new file mode 100644 index 00000000..f33e683e --- /dev/null +++ b/datasets/adult_dataset_small/adult_small.csv @@ -0,0 +1,4001 @@ +age,workclass,fnlwgt,education,education-num,marital-status,occupation,relationship,sex,capital-gain,capital-loss,hours,native,label +19, Private,356272, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,25, United-States,0 +17, Private,198830, 11th,7, Never-married, Adm-clerical, Other-relative, Female,0,0,10, United-States,0 +21, Private,313873, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, Mexico,0 +25, Private,208881, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,0 +37, Private,218490, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, El-Salvador,1 +46, Local-gov,140219, Masters,14, Divorced, Prof-specialty, Not-in-family, Female,8614,0,55, United-States,1 +18, Private,218889, 9th,5, Never-married, Other-service, Own-child, Male,0,0,35, United-States,0 +45, Self-emp-inc,177543, HS-grad,9, Married-civ-spouse, Sales, Wife, Female,0,0,50, United-States,0 +36, Private,288103, 11th,7, Separated, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +25, Private,187653, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,48, United-States,0 +27, Private,247711, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +45, Private,187901, HS-grad,9, Divorced, Farming-fishing, Not-in-family, Male,0,2258,44, United-States,1 +62, State-gov,159699, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,38, United-States,0 +17, Private,33138, 12th,8, Never-married, Sales, Own-child, Male,0,0,40, United-States,0 +57, ?,403625, Some-college,10, Married-civ-spouse, ?, Husband, Male,0,0,60, United-States,1 +34, Private,190385, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,1 +24, Private,34506, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +34, Private,242361, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,0 +55, Private,49737, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,0 +48, Private,138069, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,45, United-States,0 +36, Private,297335, Bachelors,13, Never-married, Sales, Not-in-family, Female,0,0,50, China,0 +29, State-gov,293287, Some-college,10, Never-married, Other-service, Unmarried, Female,0,0,40, United-States,0 +18, Private,298860, 11th,7, Never-married, Sales, Own-child, Male,0,0,20, United-States,0 +24, Private,172496, Bachelors,13, Never-married, Sales, Not-in-family, Male,0,0,30, United-States,0 +28, ?,131310, HS-grad,9, Separated, ?, Unmarried, Female,0,0,40, United-States,0 +32, Self-emp-not-inc,134737, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,70, United-States,1 +24, Private,51799, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +42, Private,157425, Bachelors,13, Divorced, Exec-managerial, Unmarried, Female,0,0,45, United-States,0 +30, Private,149427, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,35, United-States,0 +57, Self-emp-inc,125000, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,35, United-States,1 +54, Private,257337, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +24, Private,353696, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,20, Canada,0 +35, Private,209609, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,60, United-States,0 +20, ?,182117, Some-college,10, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +45, Local-gov,195418, Masters,14, Divorced, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +55, Private,190508, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,35, United-States,0 +29, Private,286634, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,50, United-States,1 +46, Private,282538, Assoc-voc,11, Separated, Machine-op-inspct, Not-in-family, Female,0,0,40, United-States,0 +27, Private,183523, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +34, Private,157886, Assoc-acdm,12, Separated, Other-service, Unmarried, Female,0,0,40, United-States,0 +26, Private,153434, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,24, United-States,0 +51, Private,338620, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,60, United-States,1 +47, Private,49298, HS-grad,9, Divorced, Sales, Not-in-family, Male,0,0,50, United-States,0 +44, Private,268098, 12th,8, Never-married, Transport-moving, Not-in-family, Male,0,0,36, United-States,0 +57, Self-emp-not-inc,327901, 10th,6, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +55, Private,32365, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +45, Private,201127, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +18, Private,122775, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,35, United-States,0 +59, Private,142182, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,1 +41, Private,169628, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Female,0,0,40, ?,0 +74, Self-emp-not-inc,192413, Prof-school,15, Divorced, Prof-specialty, Other-relative, Male,0,0,40, United-States,0 +31, Self-emp-not-inc,145162, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, ?,1 +65, Local-gov,205024, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,8, United-States,0 +65, Local-gov,240166, 11th,7, Married-civ-spouse, Transport-moving, Husband, Male,0,0,35, United-States,0 +29, Private,191722, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,7688,0,54, United-States,1 +31, Private,243773, 9th,5, Never-married, Other-service, Unmarried, Female,0,0,20, United-States,0 +34, Private,110476, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +36, Private,199346, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,50, United-States,1 +35, Local-gov,668319, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,1740,80, United-States,0 +22, Private,33087, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,45, United-States,0 +46, Private,264210, Some-college,10, Married-civ-spouse, Farming-fishing, Wife, Female,0,0,20, United-States,0 +31, Private,206512, 11th,7, Never-married, Handlers-cleaners, Own-child, Male,0,0,25, United-States,0 +59, Private,159008, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,56, United-States,0 +28, Private,42734, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +63, Self-emp-not-inc,159715, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +45, Self-emp-inc,149865, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,60, United-States,1 +41, Local-gov,81054, Some-college,10, Divorced, Exec-managerial, Unmarried, Female,0,0,25, United-States,0 +24, Self-emp-not-inc,161508, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,50, United-States,0 +27, Private,233421, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,20, United-States,0 +23, Private,184813, Some-college,10, Married-civ-spouse, Other-service, Husband, Male,0,0,20, United-States,0 +37, Local-gov,244803, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, ?,0 +32, Private,281030, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +40, State-gov,26598, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +41, Self-emp-not-inc,66632, Some-college,10, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +20, Private,216825, HS-grad,9, Never-married, Sales, Own-child, Female,0,0,25, Mexico,0 +27, Local-gov,216013, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +45, Private,162494, HS-grad,9, Never-married, Sales, Own-child, Female,0,0,19, United-States,0 +49, Private,114797, Bachelors,13, Divorced, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +53, ?,123011, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,1 +43, Private,144371, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,42, United-States,1 +41, State-gov,309056, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +66, Self-emp-not-inc,293114, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,1409,0,40, United-States,0 +49, Private,169180, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, Female,0,0,40, Hong,0 +55, Private,176012, 9th,5, Married-civ-spouse, Tech-support, Wife, Female,0,0,23, United-States,0 +45, Federal-gov,183804, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +20, ?,371089, HS-grad,9, Never-married, ?, Own-child, Female,0,0,40, United-States,0 +23, ?,164574, Assoc-acdm,12, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +26, Private,165510, HS-grad,9, Divorced, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +36, Private,234271, Some-college,10, Never-married, Craft-repair, Not-in-family, Female,0,0,40, United-States,0 +27, Private,215014, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,35, Mexico,0 +90, Private,313986, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +23, Private,664670, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +21, Private,296158, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +44, Private,29762, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,68, United-States,0 +42, Private,331651, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,8614,0,50, United-States,1 +22, Private,39615, Some-college,10, Never-married, Prof-specialty, Not-in-family, Male,0,0,45, United-States,0 +63, Private,117681, HS-grad,9, Divorced, Farming-fishing, Not-in-family, Male,0,0,25, United-States,0 +64, State-gov,104361, Some-college,10, Separated, Adm-clerical, Not-in-family, Female,0,0,65, United-States,0 +57, Private,139290, HS-grad,9, Divorced, Other-service, Not-in-family, Male,0,0,38, United-States,0 +59, Private,97168, 10th,6, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +55, Private,320835, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,1 +20, Private,206681, 12th,8, Never-married, Sales, Not-in-family, Female,0,0,55, United-States,0 +60, Local-gov,101110, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Male,0,0,40, United-States,1 +39, Private,114678, HS-grad,9, Divorced, Other-service, Unmarried, Female,5455,0,40, United-States,0 +31, Private,173279, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,1 +38, Private,238397, Bachelors,13, Divorced, Priv-house-serv, Unmarried, Female,0,0,24, United-States,0 +32, Self-emp-inc,103078, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +37, Private,151764, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +60, Private,145493, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +26, Private,402998, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,58, United-States,1 +68, ?,29240, HS-grad,9, Widowed, ?, Not-in-family, Female,0,0,12, United-States,0 +43, Self-emp-not-inc,182217, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,35, United-States,0 +33, Private,232475, Some-college,10, Never-married, Sales, Own-child, Male,0,0,45, United-States,0 +48, Private,146919, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,45, United-States,0 +58, Federal-gov,319733, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,70, United-States,0 +64, State-gov,111795, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,1 +50, Private,166220, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, Female,3942,0,40, United-States,0 +40, Self-emp-not-inc,34037, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Male,0,0,70, United-States,0 +52, Private,46788, Bachelors,13, Divorced, Craft-repair, Unmarried, Male,0,0,25, United-States,0 +33, Private,339482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +66, Self-emp-not-inc,427422, Doctorate,16, Married-civ-spouse, Sales, Husband, Male,0,2377,25, United-States,1 +29, Private,222249, HS-grad,9, Never-married, Adm-clerical, Other-relative, Female,0,0,40, United-States,0 +29, Private,163265, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +18, Self-emp-not-inc,42857, Some-college,10, Never-married, Craft-repair, Not-in-family, Female,0,0,35, United-States,0 +30, Private,196385, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,35, United-States,1 +33, Private,142675, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,30, United-States,0 +48, Private,97176, HS-grad,9, Divorced, Adm-clerical, Other-relative, Female,0,0,40, United-States,0 +53, Private,195638, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +32, Private,207201, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,45, United-States,1 +17, Private,165918, 11th,7, Never-married, Handlers-cleaners, Own-child, Male,0,0,20, Peru,0 +32, Local-gov,19302, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, Male,0,0,56, England,1 +43, Local-gov,147328, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,1977,60, United-States,1 +90, Private,311184, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,20, ?,0 +54, Private,48358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +23, Private,190483, Bachelors,13, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +23, Private,163665, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Female,0,0,32, United-States,0 +18, Private,31983, 12th,8, Never-married, Adm-clerical, Own-child, Female,0,0,20, United-States,0 +59, Private,43221, 9th,5, Married-civ-spouse, Transport-moving, Husband, Male,0,0,60, United-States,1 +39, Local-gov,164156, Assoc-acdm,12, Divorced, Other-service, Unmarried, Female,0,0,55, United-States,0 +27, Private,180758, Assoc-acdm,12, Never-married, Sales, Not-in-family, Male,0,0,40, United-States,0 +43, Local-gov,186995, HS-grad,9, Divorced, Protective-serv, Unmarried, Female,0,0,40, United-States,0 +81, Private,122651, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,15, United-States,0 +41, Private,98061, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +30, Local-gov,311913, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,1 +20, Private,50397, HS-grad,9, Never-married, Adm-clerical, Own-child, Male,0,0,20, United-States,0 +18, Private,210932, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +20, Private,218343, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,25, United-States,0 +34, Self-emp-not-inc,250182, 11th,7, Married-civ-spouse, Transport-moving, Husband, Male,0,0,60, United-States,0 +41, Private,70092, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,38, United-States,0 +40, Federal-gov,121012, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,7298,0,48, United-States,1 +25, Private,102476, Bachelors,13, Never-married, Farming-fishing, Own-child, Male,27828,0,50, United-States,1 +46, Private,128796, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,44, United-States,1 +49, Private,99361, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,0 +55, Private,116878, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,30, United-States,1 +35, State-gov,349066, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +46, Private,233511, Bachelors,13, Divorced, Craft-repair, Not-in-family, Male,0,0,48, United-States,0 +27, Private,221166, 9th,5, Never-married, Farming-fishing, Own-child, Male,0,0,40, United-States,0 +43, Federal-gov,156996, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,2415,55, ?,1 +63, Local-gov,150079, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,35, United-States,1 +28, ?,424884, 10th,6, Separated, ?, Not-in-family, Male,0,0,30, United-States,0 +41, Self-emp-not-inc,195124, HS-grad,9, Never-married, Sales, Not-in-family, Male,0,0,50, ?,0 +21, Local-gov,212780, 12th,8, Never-married, Handlers-cleaners, Unmarried, Female,0,0,20, United-States,0 +27, Private,228476, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,1 +50, Local-gov,231725, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +45, State-gov,67544, Masters,14, Divorced, Protective-serv, Not-in-family, Male,0,0,50, United-States,0 +43, Private,144778, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +27, Private,247978, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,40, United-States,0 +27, Private,178564, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,30, United-States,0 +24, Private,293579, HS-grad,9, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +35, Federal-gov,287031, Masters,14, Never-married, Exec-managerial, Not-in-family, Male,8614,0,40, United-States,1 +40, Local-gov,183096, 9th,5, Married-civ-spouse, Other-service, Wife, Female,0,0,40, Yugoslavia,1 +34, Private,238305, Some-college,10, Married-civ-spouse, Other-service, Wife, Female,0,1628,12, ?,0 +90, Private,139660, Some-college,10, Divorced, Sales, Unmarried, Female,0,0,37, United-States,0 +33, Private,254221, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Female,0,0,60, United-States,1 +32, Private,105938, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Female,0,0,40, United-States,0 +43, Private,96102, Masters,14, Married-spouse-absent, Exec-managerial, Not-in-family, Male,0,0,50, United-States,0 +25, Private,240081, HS-grad,9, Never-married, Sales, Own-child, Male,0,0,40, United-States,0 +37, Federal-gov,141029, Masters,14, Divorced, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +26, Private,73312, 11th,7, Never-married, Machine-op-inspct, Unmarried, Female,0,0,15, United-States,0 +18, Private,318190, 11th,7, Never-married, Other-service, Own-child, Male,0,0,15, United-States,0 +50, Private,71898, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, Female,0,0,35, Philippines,0 +60, State-gov,27037, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +54, Private,35459, HS-grad,9, Never-married, Sales, Not-in-family, Male,0,0,40, United-States,0 +38, Private,198216, Some-college,10, Divorced, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +39, Private,299828, 5th-6th,3, Separated, Sales, Unmarried, Female,0,0,30, Puerto-Rico,0 +48, Private,195437, 11th,7, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +57, Private,49893, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,1 +60, Private,53707, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +19, Private,102723, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +43, State-gov,24763, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,1887,45, United-States,1 +62, Private,92178, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +32, Private,281437, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,55, United-States,0 +19, Private,365640, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, Female,0,0,45, ?,0 +66, Local-gov,222810, Some-college,10, Divorced, Other-service, Other-relative, Female,7896,0,40, ?,1 +67, Private,150516, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,24, United-States,0 +33, Private,254221, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +63, Private,158199, 1st-4th,2, Widowed, Machine-op-inspct, Unmarried, Female,0,0,44, Portugal,0 +30, Private,228406, HS-grad,9, Separated, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +25, Private,366416, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +33, Private,145434, 11th,7, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +33, Private,252168, Some-college,10, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +46, Private,109089, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,37, United-States,0 +60, Private,240521, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,7298,0,40, United-States,1 +56, Private,176118, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,3103,0,40, United-States,1 +27, Private,157612, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,55, United-States,0 +18, Private,107277, 11th,7, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +52, Private,145548, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +30, Private,208043, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,55, United-States,1 +43, Private,114351, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,35, United-States,0 +42, Private,111483, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Male,0,0,50, United-States,1 +42, Private,340885, HS-grad,9, Divorced, Farming-fishing, Not-in-family, Male,0,0,44, United-States,0 +51, Private,104651, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +54, Self-emp-not-inc,230951, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +60, Private,227468, Some-college,10, Widowed, Protective-serv, Not-in-family, Female,0,0,40, United-States,0 +43, Private,170214, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +73, Private,147551, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,2174,50, United-States,1 +47, Private,189680, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,1977,40, United-States,1 +27, Private,177057, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +57, ?,24127, Bachelors,13, Married-civ-spouse, ?, Husband, Male,0,0,8, United-States,0 +40, Private,326232, Some-college,10, Divorced, Transport-moving, Unmarried, Male,0,0,40, United-States,1 +58, State-gov,300623, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +28, ?,37215, Bachelors,13, Never-married, ?, Own-child, Male,0,0,45, United-States,0 +44, Private,222596, HS-grad,9, Divorced, Tech-support, Not-in-family, Male,0,0,50, United-States,1 +45, State-gov,208049, HS-grad,9, Divorced, Tech-support, Unmarried, Female,0,0,40, United-States,0 +25, Private,292058, HS-grad,9, Never-married, Other-service, Other-relative, Male,0,0,30, United-States,0 +52, Private,204584, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, Female,0,0,42, United-States,0 +29, Private,144259, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, Male,4386,0,80, ?,1 +80, ?,107762, HS-grad,9, Widowed, ?, Not-in-family, Male,0,0,24, United-States,0 +19, Private,195805, HS-grad,9, Never-married, Sales, Own-child, Female,0,0,12, United-States,0 +35, Private,30381, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +53, Private,117058, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +29, Private,159479, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,55, United-States,0 +72, ?,213255, HS-grad,9, Widowed, ?, Not-in-family, Female,0,0,8, United-States,0 +23, Private,103632, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +53, Private,126368, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,50, United-States,1 +54, Private,185407, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,7688,0,40, United-States,1 +23, Private,60331, Some-college,10, Never-married, Transport-moving, Not-in-family, Male,0,0,60, United-States,0 +17, Private,99462, 11th,7, Never-married, Other-service, Own-child, Female,0,0,20, United-States,0 +34, Federal-gov,198265, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Male,0,0,60, United-States,0 +27, Private,704108, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,50, United-States,0 +41, Private,163287, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,7688,0,43, United-States,1 +43, Self-emp-not-inc,272165, 9th,5, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +51, Private,237735, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,3103,0,40, United-States,1 +37, Private,263094, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,7298,0,40, United-States,1 +27, Private,256764, Assoc-acdm,12, Never-married, Sales, Not-in-family, Male,0,0,40, United-States,0 +33, Private,232475, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +34, Private,287315, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +45, Local-gov,160472, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,1977,50, United-States,1 +36, Private,107410, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +56, Private,206399, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +43, Private,183273, Masters,14, Married-civ-spouse, Exec-managerial, Wife, Female,15024,0,32, United-States,1 +57, Self-emp-inc,257200, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +27, Self-emp-not-inc,300777, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,70, United-States,0 +22, Private,106843, 10th,6, Never-married, Craft-repair, Other-relative, Male,0,0,30, United-States,0 +21, Private,231866, HS-grad,9, Never-married, Farming-fishing, Own-child, Male,0,0,65, United-States,0 +41, Local-gov,190786, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Male,0,0,20, United-States,0 +21, ?,149704, HS-grad,9, Never-married, ?, Not-in-family, Female,1055,0,40, United-States,0 +20, State-gov,39478, Some-college,10, Never-married, Exec-managerial, Own-child, Male,0,0,54, United-States,0 +20, Private,362999, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,20, United-States,0 +67, Private,101132, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,1797,0,40, United-States,0 +52, Private,150812, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,35, United-States,0 +26, Private,137658, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,45, United-States,0 +52, Private,117674, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,1 +29, Private,161444, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, Columbia,0 +19, Private,355477, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,25, United-States,0 +39, Private,235259, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +41, Private,82393, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Male,0,0,50, United-States,0 +57, Self-emp-not-inc,149168, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,0 +46, Self-emp-inc,276934, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,70, United-States,1 +20, Private,249956, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,10, United-States,0 +52, State-gov,303462, Some-college,10, Separated, Protective-serv, Unmarried, Male,0,0,40, United-States,0 +28, Private,131298, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,60, United-States,0 +49, Federal-gov,195949, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +21, Private,176486, HS-grad,9, Married-spouse-absent, Exec-managerial, Other-relative, Female,0,0,60, United-States,0 +23, Private,209770, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +46, Federal-gov,233555, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, ?,0 +44, Private,95255, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +53, Private,288020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, Japan,0 +61, Private,539563, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +56, Self-emp-inc,32316, 12th,8, Widowed, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +29, Federal-gov,242147, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Male,0,0,45, United-States,0 +35, Private,228190, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +42, Self-emp-not-inc,221172, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +22, Private,437994, Some-college,10, Never-married, Other-service, Other-relative, Male,0,0,20, United-States,0 +31, Private,124569, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,1 +44, Self-emp-inc,56651, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,7688,0,45, United-States,1 +30, Private,446358, HS-grad,9, Never-married, Adm-clerical, Unmarried, Male,0,0,41, United-States,0 +41, Private,23646, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +23, Private,166371, Some-college,10, Never-married, Tech-support, Own-child, Male,0,0,60, United-States,0 +18, Private,188476, 11th,7, Never-married, Exec-managerial, Own-child, Male,0,0,20, United-States,0 +37, Private,348796, Bachelors,13, Divorced, Other-service, Not-in-family, Male,0,0,40, United-States,0 +19, Private,140459, 11th,7, Never-married, Craft-repair, Other-relative, Male,0,0,25, United-States,0 +66, Private,350498, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,28, United-States,0 +33, Private,198452, Assoc-acdm,12, Divorced, Sales, Not-in-family, Female,0,0,45, United-States,0 +32, Private,396745, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,2415,48, United-States,1 +20, Private,107658, Some-college,10, Never-married, Tech-support, Not-in-family, Female,0,0,10, United-States,0 +37, Local-gov,269300, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Female,0,0,27, United-States,0 +37, Private,179731, HS-grad,9, Never-married, Other-service, Unmarried, Female,0,0,35, United-States,0 +52, Self-emp-not-inc,34973, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,1887,60, United-States,1 +45, Private,34419, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,7298,0,40, United-States,1 +26, Self-emp-inc,109240, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,50, United-States,0 +26, Private,177147, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Male,6849,0,65, United-States,0 +29, Private,197932, Some-college,10, Separated, Priv-house-serv, Not-in-family, Female,0,0,30, Guatemala,0 +41, Local-gov,396467, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +28, Self-emp-not-inc,190836, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,1 +27, Private,164170, Bachelors,13, Never-married, Tech-support, Unmarried, Female,0,0,20, Philippines,0 +20, Private,117210, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +24, Private,456367, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +22, Private,60783, 10th,6, Never-married, Craft-repair, Own-child, Male,0,0,15, United-States,0 +64, Self-emp-inc,213574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,2635,0,10, United-States,0 +43, Private,87284, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +68, Private,154897, HS-grad,9, Never-married, Sales, Not-in-family, Female,0,0,30, United-States,0 +23, Private,109430, HS-grad,9, Never-married, Other-service, Not-in-family, Female,0,0,40, United-States,0 +21, Private,148294, HS-grad,9, Never-married, Farming-fishing, Own-child, Male,0,0,20, United-States,0 +25, Private,122999, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +39, Private,165848, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,0 +50, Private,171852, Bachelors,13, Separated, Prof-specialty, Own-child, Female,0,0,40, United-States,0 +39, Private,165799, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +36, Federal-gov,112847, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +22, Private,197387, Some-college,10, Never-married, Handlers-cleaners, Other-relative, Male,0,0,24, Mexico,0 +55, Private,169611, 11th,7, Widowed, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +45, Private,188386, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,1628,45, United-States,0 +24, Private,82847, HS-grad,9, Separated, Other-service, Unmarried, Female,0,0,50, Portugal,1 +18, Private,201554, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Female,0,0,15, United-States,0 +55, Self-emp-not-inc,76901, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,1 +40, Private,46990, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, Female,0,1977,20, United-States,1 +21, Private,455361, 9th,5, Never-married, Other-service, Unmarried, Male,0,0,35, Mexico,0 +50, ?,146015, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,1 +18, Private,334026, 11th,7, Never-married, Craft-repair, Own-child, Male,0,0,25, United-States,0 +38, Private,314310, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,0 +29, Private,253593, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +46, Private,149949, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +90, Private,313986, 11th,7, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +42, ?,184018, Some-college,10, Divorced, ?, Unmarried, Male,0,0,40, United-States,0 +35, Private,202027, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Male,27828,0,50, United-States,1 +21, Private,156807, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,10, United-States,0 +45, Local-gov,257855, 11th,7, Married-civ-spouse, Other-service, Husband, Male,0,0,50, United-States,0 +36, Private,188540, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +24, Private,424494, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,30, United-States,0 +56, Private,274111, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,45, United-States,1 +47, Local-gov,162187, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,1887,40, United-States,1 +62, Local-gov,113443, Masters,14, Divorced, Prof-specialty, Not-in-family, Female,10520,0,33, United-States,1 +31, Private,193285, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +36, Private,114605, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,1 +36, Private,192704, 12th,8, Never-married, Exec-managerial, Not-in-family, Male,4650,0,50, United-States,0 +26, Private,176729, Bachelors,13, Never-married, Craft-repair, Not-in-family, Male,0,0,45, United-States,1 +30, Private,175931, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,44, United-States,0 +24, Private,228613, 11th,7, Never-married, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +45, Local-gov,215862, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Male,7688,0,45, United-States,1 +71, Private,187493, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +27, Federal-gov,105189, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Male,4865,0,50, United-States,0 +37, Private,295949, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,1628,40, United-States,0 +31, Local-gov,219883, HS-grad,9, Never-married, Protective-serv, Not-in-family, Male,0,0,40, United-States,0 +41, Private,223934, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Female,0,0,38, United-States,0 +18, Private,374969, 10th,6, Never-married, Transport-moving, Not-in-family, Male,0,0,56, United-States,0 +36, Private,386726, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,1977,44, United-States,1 +68, Private,192829, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, Female,0,0,43, United-States,0 +51, Private,147200, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +46, Private,28419, Assoc-voc,11, Never-married, Transport-moving, Not-in-family, Male,0,0,50, United-States,0 +34, Private,153942, Assoc-voc,11, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +32, Private,227931, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +38, Private,478346, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Female,7688,0,40, United-States,1 +41, Private,288568, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +56, Private,179625, 10th,6, Separated, Other-service, Unmarried, Female,0,0,32, United-States,0 +26, Private,267431, Bachelors,13, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +32, Private,176253, Some-college,10, Divorced, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +56, Self-emp-inc,119891, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,1672,40, United-States,0 +24, Private,201680, HS-grad,9, Never-married, Adm-clerical, Unmarried, Male,0,0,60, United-States,0 +31, Private,201292, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +33, Self-emp-not-inc,202729, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +27, Private,198346, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Female,0,0,35, United-States,0 +63, Self-emp-not-inc,28612, HS-grad,9, Widowed, Sales, Not-in-family, Male,0,0,70, United-States,0 +41, Private,113324, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +49, Self-emp-inc,330874, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,70, United-States,1 +41, Private,182303, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,1 +21, Private,117606, Some-college,10, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +71, Private,162297, HS-grad,9, Widowed, Sales, Unmarried, Female,0,0,20, United-States,0 +29, Private,189565, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Male,2174,0,50, United-States,0 +32, Private,110279, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Female,0,0,35, United-States,0 +55, Local-gov,84564, Prof-school,15, Divorced, Prof-specialty, Not-in-family, Female,0,0,39, United-States,0 +41, Private,174189, 9th,5, Separated, Other-service, Not-in-family, Male,0,0,40, United-States,0 +42, Private,97142, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +38, Private,359001, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,42, United-States,0 +23, Private,340543, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,38, United-States,0 +30, Private,211840, Some-college,10, Separated, Sales, Unmarried, Female,0,0,16, United-States,0 +23, Private,143062, HS-grad,9, Never-married, Sales, Own-child, Male,0,0,40, United-States,0 +22, Private,200109, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, Female,4508,0,40, United-States,0 +33, Self-emp-not-inc,80933, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,60, United-States,0 +59, Self-emp-not-inc,241297, Some-college,10, Widowed, Farming-fishing, Not-in-family, Female,6849,0,40, United-States,0 +57, Self-emp-not-inc,57071, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,3137,0,40, United-States,0 +21, Private,306967, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +24, Private,283092, HS-grad,9, Never-married, Adm-clerical, Other-relative, Male,0,0,40, Jamaica,0 +57, Private,230899, 5th-6th,3, Separated, Machine-op-inspct, Not-in-family, Female,0,0,40, United-States,0 +44, Private,172032, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +44, Private,30126, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +25, Private,41526, Bachelors,13, Never-married, Craft-repair, Own-child, Male,0,0,30, Canada,0 +50, Private,137253, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,1 +28, Local-gov,180271, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,65, United-States,1 +61, ?,584259, Masters,14, Married-civ-spouse, ?, Husband, Male,0,0,2, United-States,1 +47, Private,102583, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,30, United-States,1 +23, Private,272185, Assoc-voc,11, Never-married, Craft-repair, Own-child, Male,0,0,33, United-States,0 +22, Private,153516, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +48, Private,161187, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,2463,0,40, United-States,0 +41, Local-gov,37848, HS-grad,9, Never-married, Other-service, Unmarried, Female,0,0,25, United-States,0 +52, ?,115209, Prof-school,15, Married-spouse-absent, ?, Unmarried, Female,0,0,40, Vietnam,0 +25, ?,218948, 7th-8th,4, Never-married, ?, Not-in-family, Female,0,0,32, Mexico,0 +46, Private,369538, 10th,6, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +38, ?,121135, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,0 +30, Private,348592, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,44, United-States,0 +75, Private,104896, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,2653,0,20, United-States,0 +48, Private,344415, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, Male,0,0,37, United-States,1 +18, Private,156764, 11th,7, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +19, Private,184710, Some-college,10, Never-married, Tech-support, Own-child, Male,0,0,30, United-States,0 +58, Private,186991, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +72, Private,177769, 10th,6, Married-civ-spouse, Sales, Husband, Male,0,0,15, United-States,0 +33, Private,188661, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +55, Private,106498, 10th,6, Widowed, Transport-moving, Not-in-family, Female,0,0,35, United-States,0 +22, Private,408383, Some-college,10, Never-married, Transport-moving, Own-child, Male,0,0,40, United-States,0 +29, Private,104256, HS-grad,9, Divorced, Sales, Not-in-family, Female,0,0,34, United-States,0 +42, Private,282964, Bachelors,13, Divorced, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +43, Private,172401, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +23, Private,83891, HS-grad,9, Never-married, Sales, Own-child, Male,0,0,40, United-States,0 +38, Private,411797, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +53, Local-gov,283602, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,15024,0,40, United-States,1 +43, Private,70055, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +27, Private,257302, Assoc-acdm,12, Married-civ-spouse, Tech-support, Wife, Female,0,0,38, United-States,0 +44, Local-gov,196456, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,1669,40, United-States,0 +51, Private,192182, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,7298,0,40, United-States,1 +42, Private,153160, HS-grad,9, Widowed, Other-service, Unmarried, Female,0,0,40, United-States,0 +24, State-gov,184216, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +71, Private,55965, 7th-8th,4, Widowed, Transport-moving, Not-in-family, Male,0,0,10, United-States,0 +42, Self-emp-inc,130126, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,1977,40, United-States,1 +39, Private,328466, 11th,7, Married-civ-spouse, Other-service, Husband, Male,2407,0,70, Mexico,0 +19, Private,216937, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Female,0,0,60, Guatemala,0 +23, Private,250630, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,30, United-States,0 +20, Private,165804, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +25, Private,135603, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +38, Self-emp-not-inc,239045, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +56, Private,182062, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Male,0,0,48, United-States,1 +58, Self-emp-not-inc,266707, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, Male,0,2179,18, United-States,0 +27, Private,408623, Bachelors,13, Married-civ-spouse, Craft-repair, Other-relative, Male,0,0,50, United-States,0 +47, Private,125892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,75, United-States,1 +37, Private,126569, Masters,14, Married-civ-spouse, Tech-support, Husband, Male,0,0,60, United-States,1 +20, Private,36235, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +33, Private,262439, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,35, United-States,1 +35, Private,183892, 10th,6, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +35, Private,150042, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,40, United-States,1 +29, Private,179565, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +50, Private,109277, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +25, Private,216724, HS-grad,9, Divorced, Exec-managerial, Own-child, Male,0,0,40, United-States,0 +24, Private,165474, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,39, United-States,0 +18, Private,79443, 9th,5, Never-married, Machine-op-inspct, Own-child, Male,0,0,40, Mexico,0 +22, Private,189277, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +46, Private,194698, Bachelors,13, Never-married, Prof-specialty, Own-child, Male,0,0,60, United-States,0 +20, ?,124242, Some-college,10, Never-married, ?, Own-child, Female,0,0,40, United-States,0 +61, Private,51170, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,55, United-States,0 +40, Private,96055, HS-grad,9, Separated, Adm-clerical, Unmarried, Female,0,0,45, United-States,0 +31, Private,223212, 7th-8th,4, Never-married, Handlers-cleaners, Own-child, Male,0,0,50, United-States,0 +27, Private,279580, Bachelors,13, Never-married, Sales, Not-in-family, Male,10520,0,45, United-States,1 +63, Private,213095, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +44, Private,120277, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,50, Italy,1 +32, Local-gov,286101, HS-grad,9, Never-married, Transport-moving, Unmarried, Female,0,0,37, United-States,0 +40, Private,254478, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,7298,0,50, United-States,1 +51, Private,106151, 11th,7, Divorced, Transport-moving, Own-child, Male,0,0,40, United-States,0 +32, Self-emp-not-inc,116508, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,50, United-States,1 +26, Private,142689, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,45, ?,0 +33, Private,159888, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +39, Private,237943, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,30, United-States,1 +45, Private,168837, Some-college,10, Divorced, Sales, Unmarried, Female,0,0,40, United-States,0 +31, Private,209448, 10th,6, Married-civ-spouse, Farming-fishing, Husband, Male,2105,0,40, Mexico,0 +50, Private,240612, HS-grad,9, Married-spouse-absent, Exec-managerial, Unmarried, Female,0,0,10, United-States,0 +60, Self-emp-not-inc,88570, Assoc-voc,11, Married-civ-spouse, Transport-moving, Wife, Female,0,0,15, Germany,1 +20, Private,234880, Some-college,10, Never-married, Sales, Own-child, Female,0,0,30, United-States,0 +47, Federal-gov,27067, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +24, Federal-gov,283918, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,25, United-States,0 +34, ?,205256, HS-grad,9, Married-civ-spouse, ?, Husband, Male,2885,0,80, United-States,0 +38, State-gov,354591, HS-grad,9, Never-married, Other-service, Unmarried, Female,114,0,38, United-States,0 +28, Self-emp-not-inc,115945, Some-college,10, Never-married, Prof-specialty, Unmarried, Male,0,0,40, United-States,0 +64, Private,260082, 12th,8, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, Columbia,0 +22, Private,124940, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,44, United-States,0 +42, Private,44121, Masters,14, Divorced, Prof-specialty, Not-in-family, Female,0,1876,40, United-States,0 +42, Private,183384, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +57, Self-emp-not-inc,217692, HS-grad,9, Widowed, Craft-repair, Not-in-family, Female,0,0,38, United-States,0 +33, Private,292465, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,50, United-States,0 +21, Private,50411, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Male,0,0,40, United-States,0 +53, Self-emp-not-inc,105478, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,2415,40, United-States,1 +45, Private,96975, Some-college,10, Divorced, Handlers-cleaners, Unmarried, Female,0,0,40, United-States,0 +54, Private,177927, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,0 +30, Private,172304, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,0 +23, Private,193090, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,38, United-States,0 +19, Private,293928, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,20, United-States,0 +63, Private,318763, Some-college,10, Divorced, Craft-repair, Unmarried, Male,0,0,22, United-States,0 +23, Private,208826, Bachelors,13, Never-married, Other-service, Not-in-family, Female,0,0,40, United-States,0 +52, Private,167794, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,38, United-States,1 +35, Private,186126, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,38, ?,0 +55, Private,197422, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,7688,0,40, United-States,1 +25, Private,178037, HS-grad,9, Never-married, Sales, Unmarried, Male,0,0,40, United-States,0 +24, Private,229773, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,35, United-States,0 +25, Private,266820, Preschool,1, Never-married, Farming-fishing, Not-in-family, Male,0,0,35, Mexico,0 +57, Private,159319, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +40, Private,96129, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,72, United-States,1 +23, Private,181820, Some-college,10, Never-married, Farming-fishing, Unmarried, Male,0,0,45, United-States,0 +43, Private,273230, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +41, Local-gov,137142, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +20, Private,66917, 11th,7, Married-civ-spouse, Farming-fishing, Own-child, Male,0,0,40, Mexico,0 +40, Private,321856, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,60, United-States,1 +55, Private,51008, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +36, Private,200352, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,0 +38, Private,391040, Assoc-voc,11, Separated, Tech-support, Unmarried, Female,0,0,20, United-States,0 +32, Private,157747, Some-college,10, Married-civ-spouse, Tech-support, Husband, Male,0,0,45, United-States,0 +56, Self-emp-inc,267763, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, ?,0 +41, Private,274363, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,7298,0,42, United-States,1 +50, Private,155594, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,50, United-States,1 +62, Private,195343, Doctorate,16, Divorced, Prof-specialty, Unmarried, Male,15020,0,50, United-States,1 +63, Private,125954, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,2174,0,40, United-States,0 +35, Local-gov,387777, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, Male,0,0,52, United-States,0 +56, ?,188166, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,0 +33, Private,188467, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Male,0,0,40, United-States,0 +35, Federal-gov,20469, Some-college,10, Divorced, Exec-managerial, Unmarried, Female,0,0,40, Philippines,0 +22, State-gov,186569, Bachelors,13, Never-married, Prof-specialty, Own-child, Female,0,0,12, United-States,0 +24, Private,205844, Bachelors,13, Never-married, Exec-managerial, Own-child, Female,0,0,40, United-States,0 +47, Local-gov,140644, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +43, Federal-gov,410867, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Female,0,0,50, United-States,1 +39, Private,76767, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,60, United-States,0 +34, Private,179378, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,40, United-States,0 +73, Private,153127, Some-college,10, Widowed, Priv-house-serv, Unmarried, Female,0,0,10, United-States,0 +36, Private,153066, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,1 +31, Private,145139, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +41, Private,179875, 11th,7, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +28, Private,114053, Bachelors,13, Never-married, Transport-moving, Not-in-family, Male,0,0,55, United-States,0 +61, Private,225970, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,1 +18, Private,423052, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Female,0,0,30, United-States,0 +19, Private,219867, HS-grad,9, Never-married, Adm-clerical, Other-relative, Female,0,0,35, United-States,0 +40, Private,270147, Masters,14, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,1 +23, Private,308205, Assoc-acdm,12, Never-married, Other-service, Own-child, Male,0,0,20, United-States,0 +27, Local-gov,125442, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +59, Private,75867, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,0 +29, Self-emp-not-inc,178564, Bachelors,13, Never-married, Prof-specialty, Other-relative, Male,0,0,40, United-States,0 +42, Private,253770, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +37, State-gov,117651, Bachelors,13, Never-married, Prof-specialty, Other-relative, Male,0,0,40, United-States,0 +55, Private,259532, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Male,0,0,50, United-States,0 +74, Private,54732, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,20, United-States,1 +19, Private,229431, Some-college,10, Never-married, Prof-specialty, Own-child, Male,0,0,11, United-States,0 +30, Private,219838, 12th,8, Divorced, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +36, Private,138441, Some-college,10, Never-married, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +27, Private,252813, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Female,0,0,45, United-States,0 +32, Private,210562, Assoc-voc,11, Divorced, Craft-repair, Own-child, Male,0,0,46, United-States,0 +33, Private,159888, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +82, Self-emp-not-inc,240491, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, Cuba,0 +30, Private,191385, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +35, Private,149347, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +25, Private,476334, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +41, State-gov,288433, Masters,14, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +27, Private,329426, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,45, United-States,0 +21, Private,206354, HS-grad,9, Never-married, Other-service, Unmarried, Female,0,0,35, United-States,0 +59, Private,175942, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,45, United-States,1 +78, Private,135566, HS-grad,9, Widowed, Sales, Unmarried, Female,2329,0,12, United-States,0 +33, Private,101352, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Female,0,0,50, United-States,1 +27, Private,158156, HS-grad,9, Never-married, Other-service, Not-in-family, Female,0,0,42, United-States,0 +60, Private,83850, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +25, Private,182866, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +31, Self-emp-inc,49923, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +56, Self-emp-inc,35723, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,1 +34, Private,238912, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +52, Federal-gov,23780, Some-college,10, Divorced, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +47, Private,28035, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +21, ?,34443, Some-college,10, Never-married, ?, Own-child, Male,0,0,50, United-States,0 +26, Private,245029, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +38, State-gov,104280, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,55, United-States,1 +31, Private,34374, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Male,0,0,50, United-States,0 +23, Private,42706, Some-college,10, Never-married, Prof-specialty, Not-in-family, Male,0,0,45, United-States,0 +52, Self-emp-not-inc,64045, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,99999,0,45, United-States,1 +21, Private,210355, 11th,7, Never-married, Prof-specialty, Not-in-family, Female,0,0,24, United-States,0 +58, Federal-gov,497253, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +25, Local-gov,176616, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +37, Private,179481, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +33, Private,34975, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,0 +44, Self-emp-not-inc,343190, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,1887,55, United-States,1 +18, ?,340117, 11th,7, Never-married, ?, Unmarried, Female,0,0,50, United-States,0 +44, Private,111275, HS-grad,9, Never-married, Other-service, Unmarried, Female,0,0,38, United-States,0 +24, Private,191948, HS-grad,9, Divorced, Sales, Unmarried, Female,0,0,30, United-States,0 +69, Private,197080, HS-grad,9, Widowed, Adm-clerical, Unmarried, Male,0,0,8, United-States,0 +36, Private,29814, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +50, State-gov,297551, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,52, United-States,0 +26, Private,58098, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,1974,40, United-States,0 +26, Private,377754, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +23, Private,186014, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,15, United-States,0 +39, Private,287306, Some-college,10, Separated, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +32, State-gov,147215, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,55, United-States,1 +63, Private,143098, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,4064,0,40, United-States,0 +61, Self-emp-not-inc,201965, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +33, Private,283602, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Male,0,0,59, Mexico,0 +48, Private,176026, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +27, Private,339956, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,60, United-States,0 +18, Private,133654, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +18, Private,92112, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,30, United-States,0 +71, ?,250263, Some-college,10, Married-civ-spouse, ?, Husband, Male,3432,0,30, United-States,0 +71, Self-emp-inc,118119, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,20051,0,50, United-States,1 +24, Private,54560, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,45, United-States,0 +24, Local-gov,161092, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +44, Local-gov,231793, Doctorate,16, Married-spouse-absent, Prof-specialty, Unmarried, Female,0,0,38, United-States,0 +64, Private,126233, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,20, United-States,0 +21, Private,191243, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +48, Private,148995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +51, State-gov,42017, Some-college,10, Divorced, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +50, Private,182907, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,25, United-States,0 +25, Private,189850, Some-college,10, Never-married, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +45, Private,330087, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +39, Private,206298, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +37, Private,172232, HS-grad,9, Never-married, Other-service, Unmarried, Female,0,0,30, United-States,0 +20, Local-gov,325493, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +37, Private,120045, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Female,0,0,56, United-States,0 +19, Private,280146, Some-college,10, Never-married, Handlers-cleaners, Own-child, Male,0,0,20, United-States,0 +51, Private,185283, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +69, ?,183958, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,8, United-States,0 +22, Private,136824, 11th,7, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +39, Federal-gov,30916, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,1902,50, United-States,1 +39, Private,61343, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,60, United-States,0 +38, Self-emp-not-inc,152621, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,99, United-States,0 +25, Private,120535, HS-grad,9, Divorced, Sales, Unmarried, Female,0,0,40, United-States,0 +36, Private,171676, Bachelors,13, Never-married, Sales, Not-in-family, Female,0,1741,40, United-States,0 +28, Federal-gov,381789, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,50, United-States,0 +28, Private,23324, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +24, Private,247564, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +59, Local-gov,171328, HS-grad,9, Separated, Protective-serv, Other-relative, Female,0,2339,40, United-States,0 +65, Private,330144, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +18, Private,205218, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,20, United-States,0 +40, Private,83859, HS-grad,9, Widowed, Machine-op-inspct, Own-child, Female,0,0,30, United-States,0 +55, Private,66356, HS-grad,9, Separated, Handlers-cleaners, Unmarried, Male,0,0,40, United-States,0 +48, Self-emp-not-inc,379883, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, Mexico,1 +25, Private,172581, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +26, Local-gov,30793, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,55, United-States,1 +33, Self-emp-not-inc,222162, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +28, Self-emp-not-inc,175406, Masters,14, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,30, United-States,1 +62, Private,118696, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +46, Private,132912, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +42, Private,155106, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,45, United-States,0 +20, ?,235442, Some-college,10, Never-married, ?, Own-child, Male,0,0,35, United-States,0 +45, ?,215943, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,0 +44, State-gov,395078, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +45, Private,185397, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +43, Self-emp-inc,117158, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,15024,0,60, United-States,1 +59, Federal-gov,212448, HS-grad,9, Widowed, Sales, Unmarried, Female,0,0,40, Germany,0 +36, Private,231082, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Female,0,0,50, United-States,0 +33, Private,111985, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,58, United-States,0 +21, Private,203924, Some-college,10, Never-married, Adm-clerical, Not-in-family, Male,2597,0,45, United-States,0 +30, Private,100734, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,38, United-States,0 +39, Private,245053, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +39, Private,119098, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +20, Private,82777, HS-grad,9, Married-civ-spouse, Sales, Own-child, Male,0,0,40, United-States,0 +29, Private,181280, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +42, Private,230684, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,5178,0,50, United-States,1 +42, Private,147251, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,36, United-States,0 +38, Private,170174, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +27, Private,218184, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, Jamaica,0 +57, Private,173090, HS-grad,9, Widowed, Sales, Unmarried, Female,0,0,32, United-States,0 +25, Private,114483, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +32, Local-gov,199539, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +35, Private,142616, HS-grad,9, Separated, Other-service, Own-child, Female,0,0,30, United-States,0 +48, Private,38950, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Male,0,0,89, United-States,0 +36, Local-gov,51424, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +52, Private,358554, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +49, Private,71195, Masters,14, Never-married, Prof-specialty, Not-in-family, Male,0,0,60, United-States,0 +41, Private,45366, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,72, United-States,1 +37, Private,224566, HS-grad,9, Never-married, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +69, Private,174474, 10th,6, Separated, Machine-op-inspct, Not-in-family, Female,0,0,28, Peru,0 +56, Private,193453, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,1902,65, United-States,1 +59, Private,113959, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,45, United-States,1 +25, Private,197728, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +20, Private,137300, Assoc-voc,11, Never-married, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +34, Private,57426, Bachelors,13, Never-married, Sales, Not-in-family, Male,0,0,45, United-States,0 +49, Federal-gov,125892, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +29, Private,568490, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +35, Private,87556, Masters,14, Never-married, Prof-specialty, Not-in-family, Male,0,0,45, United-States,1 +38, Private,290306, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +29, Private,251694, Bachelors,13, Never-married, Farming-fishing, Own-child, Male,0,0,50, United-States,0 +43, Private,158177, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,35, United-States,0 +45, Private,103538, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,1 +21, Private,25265, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +18, Private,434430, HS-grad,9, Never-married, Prof-specialty, Not-in-family, Male,0,0,30, United-States,0 +59, Private,244554, 11th,7, Divorced, Other-service, Not-in-family, Female,0,0,35, United-States,0 +20, Private,333505, HS-grad,9, Never-married, Adm-clerical, Own-child, Male,0,0,30, Nicaragua,0 +33, Private,314310, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, Male,0,0,20, United-States,0 +41, Private,185132, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,45, United-States,0 +35, Self-emp-not-inc,278632, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +31, Private,145377, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,0 +25, Private,349190, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, Male,0,0,20, United-States,0 +29, State-gov,204516, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,15, United-States,0 +64, ?,338355, Assoc-voc,11, Married-civ-spouse, ?, Wife, Female,0,0,15, United-States,0 +26, Private,252406, HS-grad,9, Separated, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +25, Private,251915, Bachelors,13, Never-married, Sales, Own-child, Female,0,0,40, United-States,0 +52, Private,201310, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Male,0,0,40, ?,0 +55, Private,249072, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,60, United-States,0 +41, Private,154668, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +41, Local-gov,107327, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +38, Private,175360, 10th,6, Never-married, Prof-specialty, Not-in-family, Male,0,2559,90, United-States,1 +47, Private,145886, Some-college,10, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +32, Federal-gov,131534, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +47, Private,456661, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, Mexico,0 +46, Private,465974, 11th,7, Never-married, Transport-moving, Own-child, Male,0,0,30, United-States,0 +61, Private,106330, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +25, Private,458549, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,96, Mexico,0 +34, Private,62124, HS-grad,9, Separated, Other-service, Not-in-family, Male,0,0,40, United-States,0 +33, Private,136331, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, Male,0,0,50, United-States,0 +31, Private,122609, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +23, Private,240063, Bachelors,13, Never-married, Machine-op-inspct, Own-child, Male,0,0,25, United-States,0 +32, Private,398019, 7th-8th,4, Never-married, Priv-house-serv, Not-in-family, Female,0,0,15, Mexico,0 +36, Private,66173, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,0,50, United-States,0 +56, Private,346033, 9th,5, Divorced, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +27, Private,210498, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,80, United-States,0 +25, Private,479765, 7th-8th,4, Never-married, Sales, Other-relative, Male,0,0,45, Guatemala,0 +66, ?,186032, Assoc-voc,11, Widowed, ?, Not-in-family, Female,2964,0,30, United-States,0 +31, Private,31600, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +47, Self-emp-not-inc,479611, Bachelors,13, Divorced, Sales, Not-in-family, Male,0,0,50, United-States,0 +38, Private,470663, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,50, United-States,0 +36, Private,238415, Assoc-voc,11, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,1 +51, Private,183709, Assoc-voc,11, Separated, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +35, Private,78247, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +61, Local-gov,101265, HS-grad,9, Widowed, Adm-clerical, Unmarried, Female,1471,0,35, United-States,0 +52, Federal-gov,202452, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,43, United-States,0 +19, Private,100999, Bachelors,13, Never-married, Prof-specialty, Own-child, Female,0,0,30, United-States,0 +34, Private,84119, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +29, Private,178551, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +26, Private,109419, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Female,0,0,45, United-States,0 +41, Private,355918, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,65, United-States,1 +49, Self-emp-not-inc,123598, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,30, United-States,0 +25, Private,363707, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +72, ?,129912, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,25, United-States,0 +46, Private,174209, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Male,0,0,45, United-States,0 +51, Private,254211, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,20, United-States,1 +27, Private,176972, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +42, Self-emp-not-inc,30759, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,35, United-States,0 +78, Private,111189, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, Female,0,0,35, Dominican-Republic,0 +50, Private,209464, HS-grad,9, Separated, Other-service, Unmarried, Female,0,0,35, United-States,0 +69, Self-emp-not-inc,107548, 9th,5, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +51, Self-emp-not-inc,165001, Masters,14, Divorced, Exec-managerial, Unmarried, Male,25236,0,50, United-States,1 +38, Self-emp-not-inc,198867, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +33, Private,637222, 12th,8, Divorced, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +37, Private,242713, 12th,8, Separated, Priv-house-serv, Unmarried, Female,0,0,40, United-States,0 +24, Private,261561, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +20, Private,56322, Some-college,10, Never-married, Other-service, Own-child, Male,2176,0,25, United-States,0 +25, Private,441591, Bachelors,13, Never-married, Tech-support, Own-child, Male,0,0,40, United-States,0 +42, Private,197522, Some-college,10, Separated, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +40, Local-gov,99185, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,0 +21, ?,301853, Some-college,10, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +35, Private,52187, Some-college,10, Never-married, Other-service, Not-in-family, Male,0,0,30, United-States,0 +41, Private,29591, HS-grad,9, Divorced, Sales, Not-in-family, Male,0,0,30, United-States,0 +36, Private,437909, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +35, Self-emp-inc,135289, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,60, United-States,0 +38, Private,318610, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +31, Private,594187, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +36, Self-emp-inc,184456, Bachelors,13, Never-married, Tech-support, Not-in-family, Male,27828,0,55, United-States,1 +26, Private,203492, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +62, Private,232308, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +38, Private,102945, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,52, United-States,1 +38, Private,80771, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,1 +39, Local-gov,86551, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,1876,40, United-States,0 +23, Private,162551, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,0,20, United-States,0 +23, Local-gov,282579, Assoc-voc,11, Divorced, Tech-support, Not-in-family, Male,0,0,56, United-States,0 +31, Private,73585, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,0 +42, Federal-gov,115932, Bachelors,13, Divorced, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +47, Local-gov,165822, Some-college,10, Divorced, Transport-moving, Unmarried, Male,0,0,40, United-States,0 +45, Private,162915, Some-college,10, Divorced, Transport-moving, Not-in-family, Male,0,0,50, United-States,0 +27, Private,246440, 11th,7, Divorced, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +60, Private,232618, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,35, United-States,1 +35, Self-emp-inc,64874, Assoc-acdm,12, Never-married, Sales, Own-child, Male,0,0,40, United-States,0 +38, Federal-gov,65706, Some-college,10, Divorced, Exec-managerial, Unmarried, Female,0,0,38, United-States,0 +61, Private,176839, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +46, Private,96080, 9th,5, Separated, Craft-repair, Unmarried, Female,0,0,40, United-States,0 +26, Self-emp-not-inc,318644, Prof-school,15, Never-married, Prof-specialty, Own-child, Male,0,0,20, United-States,0 +28, Self-emp-not-inc,191027, HS-grad,9, Divorced, Farming-fishing, Not-in-family, Male,0,0,40, United-States,0 +19, ?,71592, Some-college,10, Never-married, ?, Own-child, Female,0,0,40, United-States,0 +46, Private,216999, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,55, United-States,1 +37, Private,107737, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,55, United-States,1 +46, Private,164877, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,44, United-States,0 +36, Private,75073, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,55, United-States,0 +51, Self-emp-inc,189183, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +46, Private,120131, Bachelors,13, Married-civ-spouse, Other-service, Husband, Male,0,0,30, United-States,1 +20, Private,482732, HS-grad,9, Never-married, Adm-clerical, Other-relative, Male,0,0,24, United-States,0 +46, Private,167915, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +32, Private,42596, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,48, United-States,0 +41, State-gov,176663, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +25, Private,144301, Some-college,10, Never-married, Sales, Own-child, Male,0,0,42, United-States,0 +47, Private,170850, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,4064,0,60, United-States,0 +38, Private,91857, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,41, United-States,0 +20, Private,58222, Some-college,10, Never-married, Handlers-cleaners, Own-child, Male,0,0,20, United-States,0 +33, Private,65278, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +30, Private,87469, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +48, Private,180532, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +19, Self-emp-not-inc,194205, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,40, Mexico,0 +36, Self-emp-not-inc,342719, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, ?,1 +56, Private,314727, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,35, United-States,1 +40, Private,187702, Some-college,10, Never-married, Exec-managerial, Not-in-family, Male,0,0,50, United-States,1 +34, Self-emp-not-inc,196791, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,25, United-States,1 +39, State-gov,122011, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,5178,0,38, United-States,1 +34, Local-gov,104509, Masters,14, Separated, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +20, Private,47678, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +20, Private,50397, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,35, United-States,0 +32, Local-gov,255004, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +20, Private,162688, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,38, United-States,0 +40, Private,226902, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,50, United-States,1 +19, Private,138153, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,10, United-States,0 +48, Private,155664, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,35, United-States,1 +36, Private,361888, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, ?,1 +44, Self-emp-not-inc,27242, Some-college,10, Never-married, Farming-fishing, Own-child, Male,0,0,60, United-States,0 +19, Private,410543, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +39, Private,117381, HS-grad,9, Never-married, Tech-support, Not-in-family, Male,0,0,62, England,0 +22, Local-gov,137510, HS-grad,9, Never-married, Farming-fishing, Own-child, Male,0,0,40, United-States,0 +35, Private,340428, Bachelors,13, Never-married, Sales, Unmarried, Female,0,0,40, United-States,1 +43, Private,191149, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +42, Self-emp-not-inc,183765, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Male,0,0,40, ?,0 +28, Private,56179, Some-college,10, Never-married, Exec-managerial, Not-in-family, Male,2174,0,55, United-States,0 +47, Local-gov,285060, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,1977,41, United-States,1 +57, Private,257200, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +32, Self-emp-inc,78530, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,50, United-States,1 +34, Self-emp-not-inc,49707, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,70, United-States,0 +47, Local-gov,121124, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,35, United-States,1 +50, Private,172175, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +30, Private,77266, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,55, United-States,0 +46, Private,97883, Bachelors,13, Never-married, Sales, Not-in-family, Female,0,0,35, United-States,0 +42, Private,86185, Some-college,10, Widowed, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +32, Private,171215, Some-college,10, Divorced, Adm-clerical, Not-in-family, Male,0,0,48, United-States,0 +62, ?,81578, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,1 +41, Private,318046, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,48, United-States,1 +54, Local-gov,279881, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +23, Private,210053, Some-college,10, Never-married, Other-service, Not-in-family, Female,0,0,28, United-States,0 +23, Local-gov,218678, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +52, ?,252903, HS-grad,9, Divorced, ?, Not-in-family, Male,0,0,45, United-States,1 +22, Private,363219, Some-college,10, Never-married, Other-service, Not-in-family, Female,0,0,20, United-States,0 +22, Private,99829, Some-college,10, Never-married, Machine-op-inspct, Own-child, Female,0,0,30, United-States,0 +56, Self-emp-not-inc,258752, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,0 +34, Self-emp-not-inc,137223, 10th,6, Never-married, Other-service, Own-child, Female,0,0,40, United-States,0 +30, Private,183620, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,0 +40, Private,226388, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +33, Private,301867, Some-college,10, Never-married, Adm-clerical, Unmarried, Female,0,0,35, United-States,0 +42, Self-emp-not-inc,238188, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,96, United-States,0 +37, Private,248445, HS-grad,9, Divorced, Handlers-cleaners, Other-relative, Male,0,0,40, El-Salvador,0 +35, Private,210844, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, Puerto-Rico,0 +43, Private,112607, 11th,7, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,0 +31, Private,193477, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,55, United-States,0 +53, Private,104413, HS-grad,9, Widowed, Other-service, Unmarried, Female,0,0,20, United-States,0 +40, Private,208277, Some-college,10, Divorced, Adm-clerical, Own-child, Female,0,0,44, United-States,1 +39, Private,204527, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +52, Self-emp-inc,181855, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,99999,0,65, United-States,1 +32, Private,222205, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,1 +34, State-gov,56964, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,50, United-States,1 +52, Private,389270, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,35, United-States,1 +23, Private,262744, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +24, Private,257500, HS-grad,9, Separated, Machine-op-inspct, Own-child, Female,0,0,40, United-States,0 +21, Private,184568, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +50, Private,226497, Some-college,10, Married-civ-spouse, Tech-support, Husband, Male,0,0,45, United-States,1 +39, Self-emp-not-inc,68781, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +28, Local-gov,214881, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +36, Local-gov,382635, Bachelors,13, Divorced, Adm-clerical, Unmarried, Female,0,0,35, Honduras,0 +35, Private,275364, Bachelors,13, Divorced, Tech-support, Unmarried, Male,7430,0,40, Germany,1 +69, ?,117525, Assoc-acdm,12, Divorced, ?, Unmarried, Female,0,0,1, United-States,0 +46, Private,29696, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +44, Self-emp-not-inc,246862, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, Italy,1 +24, Private,100321, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,0 +42, Self-emp-not-inc,206066, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,65, United-States,0 +46, Federal-gov,80057, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, Germany,1 +25, Local-gov,31873, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +60, Private,135470, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, Mexico,0 +31, Private,19302, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +36, Private,209993, 1st-4th,2, Widowed, Other-service, Other-relative, Female,0,0,20, Mexico,0 +47, Private,191411, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, India,0 +49, Private,287647, Masters,14, Divorced, Sales, Not-in-family, Male,4787,0,45, United-States,1 +50, Private,121038, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, Female,0,0,40, United-States,0 +41, Private,32121, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +35, Local-gov,329759, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +17, Self-emp-inc,61838, 10th,6, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +17, ?,110998, Some-college,10, Never-married, ?, Own-child, Female,0,0,40, Philippines,0 +45, Private,259463, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +41, Private,139907, 10th,6, Never-married, Handlers-cleaners, Unmarried, Male,0,0,50, United-States,0 +39, State-gov,122353, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,1 +36, Private,185405, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,50, United-States,1 +46, Private,219021, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,15024,0,44, United-States,1 +42, State-gov,222884, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +39, Private,112731, HS-grad,9, Divorced, Other-service, Not-in-family, Female,0,0,40, Dominican-Republic,0 +45, Private,234652, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, Mexico,0 +33, Private,105370, HS-grad,9, Divorced, Protective-serv, Not-in-family, Male,0,0,70, United-States,0 +25, Private,283087, Some-college,10, Never-married, Exec-managerial, Own-child, Male,0,0,40, United-States,0 +37, Private,140713, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, Jamaica,1 +54, Local-gov,365049, Some-college,10, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, Mexico,0 +35, Self-emp-not-inc,188540, 9th,5, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +25, Private,218667, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +21, Private,216129, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,35, United-States,0 +36, Private,374983, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +43, Private,274731, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +58, Private,177368, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +61, ?,203849, Some-college,10, Divorced, ?, Not-in-family, Female,0,0,40, United-States,0 +41, Self-emp-not-inc,155767, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +25, Local-gov,244408, Bachelors,13, Never-married, Tech-support, Unmarried, Female,0,0,40, Vietnam,0 +53, Private,141388, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +40, Self-emp-not-inc,209833, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,0 +27, Private,123302, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, Poland,0 +38, Private,108907, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Male,0,0,40, ?,0 +40, Private,196029, HS-grad,9, Divorced, Transport-moving, Unmarried, Male,0,0,45, United-States,0 +48, Private,91251, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Male,0,0,30, China,0 +37, Private,154210, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, Hong,0 +19, ?,117201, HS-grad,9, Never-married, ?, Own-child, Male,0,0,30, United-States,0 +28, Private,300915, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,60, United-States,0 +53, Self-emp-inc,298215, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +30, Private,399522, 11th,7, Married-spouse-absent, Handlers-cleaners, Unmarried, Female,0,0,40, United-States,0 +42, Private,37869, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +25, Private,118088, HS-grad,9, Never-married, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +17, Self-emp-inc,413557, 9th,5, Never-married, Sales, Own-child, Female,0,0,40, United-States,0 +22, Private,320451, Some-college,10, Never-married, Protective-serv, Own-child, Male,0,0,24, India,0 +43, State-gov,98989, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +38, Private,33001, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,1 +22, Private,290504, HS-grad,9, Never-married, Other-service, Other-relative, Male,0,0,40, United-States,0 +32, Private,86723, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,52, United-States,0 +49, State-gov,118567, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +29, Self-emp-not-inc,181466, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,35, United-States,0 +19, Private,159796, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,12, United-States,0 +47, Private,165937, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,50, United-States,1 +68, Private,253866, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,30, United-States,0 +34, Private,191291, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +50, Federal-gov,251585, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Male,0,0,55, United-States,1 +32, Private,165226, HS-grad,9, Divorced, Other-service, Not-in-family, Female,0,0,40, United-States,0 +34, Private,118584, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +33, Private,323811, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,55, United-States,0 +35, Self-emp-inc,186845, Bachelors,13, Married-civ-spouse, Sales, Own-child, Male,5178,0,50, United-States,1 +21, Private,399022, HS-grad,9, Never-married, Farming-fishing, Own-child, Male,0,0,24, United-States,0 +30, Private,113364, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, Poland,0 +23, Private,106957, 11th,7, Never-married, Craft-repair, Own-child, Male,14344,0,40, Vietnam,1 +41, Private,253759, HS-grad,9, Never-married, Sales, Unmarried, Female,0,0,40, United-States,0 +35, State-gov,225385, HS-grad,9, Divorced, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +41, Local-gov,160893, Preschool,1, Never-married, Handlers-cleaners, Own-child, Female,0,0,30, United-States,0 +49, Private,149949, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,1876,40, United-States,0 +31, ?,76198, HS-grad,9, Separated, ?, Own-child, Female,0,0,20, United-States,0 +41, Self-emp-not-inc,83411, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +26, Federal-gov,207537, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +23, Private,117480, 10th,6, Never-married, Craft-repair, Own-child, Male,0,0,44, United-States,0 +52, Private,110563, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +24, Private,333505, HS-grad,9, Married-spouse-absent, Transport-moving, Own-child, Male,0,0,40, Peru,0 +35, Private,280966, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +24, Private,403865, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,56, United-States,0 +34, Private,347166, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +45, Private,172960, Some-college,10, Divorced, Protective-serv, Not-in-family, Male,0,0,70, United-States,0 +53, Local-gov,293941, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +21, Private,88926, Some-college,10, Never-married, Prof-specialty, Own-child, Male,0,0,10, United-States,0 +19, Private,283033, 11th,7, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +61, Private,198078, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +46, Private,192835, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,48, United-States,0 +32, Private,207668, Bachelors,13, Never-married, Exec-managerial, Other-relative, Male,0,2444,50, United-States,1 +46, Private,173243, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +29, Private,113464, HS-grad,9, Never-married, Transport-moving, Other-relative, Male,0,0,40, Dominican-Republic,0 +23, Private,38251, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,40, United-States,0 +33, Private,229051, Some-college,10, Never-married, Prof-specialty, Not-in-family, Male,0,0,52, United-States,0 +18, ?,387871, 10th,6, Never-married, ?, Own-child, Male,0,0,30, United-States,0 +49, Self-emp-inc,197038, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +25, Private,137367, Bachelors,13, Never-married, Sales, Unmarried, Male,0,0,44, Philippines,0 +26, Local-gov,213451, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,10, Jamaica,0 +26, Private,98155, HS-grad,9, Married-AF-spouse, Sales, Husband, Male,0,0,55, United-States,0 +49, Private,33673, 12th,8, Never-married, Transport-moving, Not-in-family, Male,0,0,35, United-States,0 +21, ?,403860, Some-college,10, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +37, Private,172538, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +59, Private,126668, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Male,5178,0,50, United-States,1 +73, Local-gov,161027, 5th-6th,3, Married-civ-spouse, Protective-serv, Husband, Male,0,0,20, United-States,0 +26, Private,219815, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +25, Private,201737, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +35, Private,285020, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +46, Private,35969, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,51, United-States,0 +18, State-gov,342852, HS-grad,9, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +21, Private,27049, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, Female,0,0,25, United-States,0 +27, Private,198258, Bachelors,13, Never-married, Sales, Own-child, Male,0,0,35, United-States,0 +36, Private,266461, HS-grad,9, Never-married, Transport-moving, Own-child, Male,0,0,48, United-States,0 +35, Private,30916, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,50, United-States,1 +18, Private,27920, 11th,7, Never-married, Exec-managerial, Own-child, Female,0,0,25, United-States,0 +39, Local-gov,180686, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,1977,45, United-States,1 +34, Private,117963, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +66, Private,98837, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +30, Private,173350, Assoc-voc,11, Married-spouse-absent, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +34, Private,394447, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,2463,0,50, France,0 +43, Self-emp-not-inc,130126, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +23, Private,244771, Some-college,10, Never-married, Machine-op-inspct, Own-child, Female,0,0,20, Jamaica,0 +42, Private,187795, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,99999,0,55, United-States,1 +34, ?,133861, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,25, United-States,0 +37, Private,38948, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +20, Private,165097, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +48, Self-emp-inc,103713, Masters,14, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +27, Private,335421, Masters,14, Never-married, Exec-managerial, Own-child, Female,0,0,40, United-States,0 +41, Local-gov,210259, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +47, Private,109089, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,70, United-States,0 +57, Self-emp-not-inc,103529, Masters,14, Married-civ-spouse, Tech-support, Husband, Male,0,0,38, United-States,1 +43, Local-gov,188291, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,45, United-States,1 +30, Private,117747, HS-grad,9, Married-civ-spouse, Sales, Wife, Female,0,1573,35, ?,0 +34, Private,136997, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,35, United-States,0 +37, Private,121521, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,45, United-States,1 +25, Private,113035, Some-college,10, Never-married, Exec-managerial, Own-child, Male,0,0,40, United-States,0 +52, Self-emp-not-inc,189216, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,65, United-States,0 +50, Private,188186, Masters,14, Divorced, Sales, Not-in-family, Female,0,1590,45, United-States,0 +32, Private,52537, Some-college,10, Never-married, Tech-support, Not-in-family, Male,0,0,38, United-States,0 +20, Private,84726, Some-college,10, Never-married, Tech-support, Not-in-family, Female,0,0,40, United-States,0 +22, Private,102632, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,0 +53, ?,181317, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,0 +18, Private,249857, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,20, United-States,0 +17, Private,41979, 10th,6, Never-married, Farming-fishing, Own-child, Male,0,0,40, United-States,0 +22, Private,349368, Bachelors,13, Never-married, Exec-managerial, Own-child, Female,0,0,30, United-States,0 +19, Private,172368, 11th,7, Never-married, Transport-moving, Own-child, Male,0,0,20, United-States,0 +53, Private,277471, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,1 +44, Private,184378, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +42, Private,390781, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +56, State-gov,67662, Masters,14, Divorced, Prof-specialty, Not-in-family, Female,0,0,39, United-States,0 +27, Private,51025, HS-grad,9, Never-married, Other-service, Not-in-family, Female,0,0,40, United-States,0 +45, Federal-gov,81487, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, Puerto-Rico,1 +19, Private,38294, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Male,2597,0,40, United-States,0 +25, Private,64671, HS-grad,9, Divorced, Handlers-cleaners, Own-child, Female,0,0,40, Philippines,0 +19, Private,38619, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,10, United-States,0 +21, Private,195532, HS-grad,9, Never-married, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +27, Private,136448, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +26, Federal-gov,169101, Some-college,10, Never-married, Tech-support, Own-child, Female,0,0,40, United-States,0 +27, Private,56658, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,8, United-States,0 +38, Private,103751, 9th,5, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +41, Self-emp-not-inc,240900, HS-grad,9, Divorced, Farming-fishing, Other-relative, Male,0,0,20, United-States,0 +29, Private,247151, 11th,7, Divorced, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +66, ?,222810, Some-college,10, Divorced, ?, Other-relative, Female,0,0,35, United-States,0 +34, Private,269723, HS-grad,9, Divorced, Exec-managerial, Unmarried, Female,2977,0,50, United-States,0 +32, Private,402812, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,48, United-States,0 +17, ?,806316, 11th,7, Never-married, ?, Own-child, Female,0,0,20, United-States,0 +49, Self-emp-not-inc,241753, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +40, Private,175686, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +36, ?,224886, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,0 +35, Private,63509, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +26, Private,102420, Bachelors,13, Never-married, Sales, Not-in-family, Female,0,0,40, South,0 +55, Self-emp-inc,141807, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,1 +41, Private,350387, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,1 +32, Private,205152, Bachelors,13, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +44, Private,187720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,41, United-States,0 +25, Private,254781, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +45, Local-gov,192793, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +71, Self-emp-not-inc,143437, Masters,14, Married-civ-spouse, Sales, Husband, Male,10605,0,40, United-States,1 +33, Private,252168, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +38, Federal-gov,248919, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,2051,40, United-States,0 +57, Private,99364, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, Puerto-Rico,0 +52, Private,82285, Bachelors,13, Married-spouse-absent, Other-service, Other-relative, Female,0,0,40, Haiti,0 +28, Local-gov,220754, HS-grad,9, Separated, Transport-moving, Own-child, Female,0,0,25, United-States,0 +42, Self-emp-not-inc,336513, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,15024,0,60, United-States,1 +58, Private,349910, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,7688,0,40, United-States,1 +33, ?,193172, Assoc-voc,11, Married-civ-spouse, ?, Own-child, Female,7688,0,50, United-States,1 +55, Private,104724, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +30, Private,185177, 11th,7, Never-married, Handlers-cleaners, Own-child, Male,0,0,49, United-States,0 +36, ?,200904, Assoc-acdm,12, Married-civ-spouse, ?, Wife, Female,0,0,21, Haiti,0 +90, Self-emp-not-inc,82628, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Male,2964,0,12, United-States,0 +69, Private,136218, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Female,0,0,40, United-States,0 +34, Self-emp-inc,154120, Masters,14, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,1 +44, Private,252202, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +51, Private,244572, HS-grad,9, Separated, Other-service, Not-in-family, Female,0,0,37, United-States,0 +21, Private,200153, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,32, United-States,0 +43, Private,58447, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,99999,0,55, United-States,1 +17, Private,369909, 10th,6, Never-married, Other-service, Own-child, Male,0,0,20, United-States,0 +22, Private,222993, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +23, Local-gov,190709, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, Male,0,0,52, United-States,0 +44, Local-gov,145522, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +57, Federal-gov,97837, Some-college,10, Divorced, Prof-specialty, Not-in-family, Male,0,0,48, United-States,1 +41, Federal-gov,153132, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,38, United-States,1 +29, Self-emp-not-inc,190636, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,1485,60, United-States,1 +23, Private,249277, HS-grad,9, Never-married, Exec-managerial, Own-child, Male,0,0,75, United-States,0 +61, Private,223133, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Female,0,0,40, United-States,0 +44, Private,32185, HS-grad,9, Never-married, Transport-moving, Unmarried, Male,0,0,70, United-States,0 +17, Private,293440, 11th,7, Never-married, Adm-clerical, Own-child, Female,0,0,15, United-States,0 +46, Private,358886, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +26, Private,473625, HS-grad,9, Married-civ-spouse, Other-service, Wife, Female,0,0,30, United-States,0 +48, Private,440706, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +29, Private,375078, 7th-8th,4, Married-civ-spouse, Other-service, Wife, Female,0,0,40, Mexico,0 +42, Private,196029, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Male,0,0,48, United-States,1 +23, Private,91658, Some-college,10, Divorced, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +25, Private,182227, Some-college,10, Never-married, Adm-clerical, Not-in-family, Male,0,0,30, United-States,0 +46, Private,220269, Some-college,10, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,1 +58, Self-emp-not-inc,121912, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,42, United-States,0 +49, ?,57665, Bachelors,13, Divorced, ?, Own-child, Female,0,0,40, United-States,0 +25, Private,195994, 1st-4th,2, Never-married, Priv-house-serv, Not-in-family, Female,0,0,40, Guatemala,0 +26, Private,121040, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, Female,0,0,40, United-States,0 +46, Private,142719, HS-grad,9, Married-spouse-absent, Farming-fishing, Not-in-family, Male,0,0,65, United-States,0 +51, Private,145409, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +50, Private,128378, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,55, ?,0 +35, Private,340428, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Female,0,0,35, United-States,0 +37, Private,166744, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,12, United-States,0 +40, Private,193537, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, Dominican-Republic,0 +22, State-gov,119838, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,10, United-States,0 +33, Private,53373, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,35, United-States,0 +29, Private,29732, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,24, United-States,0 +36, Private,749636, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +21, ?,262241, HS-grad,9, Never-married, ?, Other-relative, Male,0,0,40, United-States,0 +30, Private,226943, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,35, United-States,0 +48, Federal-gov,147397, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,36, United-States,0 +69, Self-emp-not-inc,204645, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,9386,0,72, United-States,1 +34, Private,424988, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +30, Private,366065, Some-college,10, Never-married, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +64, Private,192596, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Female,0,0,30, United-States,0 +22, Private,234731, HS-grad,9, Divorced, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +46, Private,205504, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Male,0,0,20, United-States,0 +44, Local-gov,210527, Some-college,10, Never-married, Other-service, Unmarried, Female,0,0,40, United-States,0 +43, Private,293176, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +36, Federal-gov,343052, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +62, State-gov,198686, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +36, Self-emp-not-inc,206520, Bachelors,13, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +34, Private,192002, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,55, United-States,1 +34, Federal-gov,194740, Some-college,10, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +41, Private,392167, 10th,6, Divorced, Sales, Not-in-family, Male,0,0,48, United-States,0 +45, State-gov,127089, Masters,14, Divorced, Exec-managerial, Not-in-family, Male,0,0,45, United-States,0 +37, State-gov,239409, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,1 +28, Private,214385, Assoc-voc,11, Never-married, Exec-managerial, Own-child, Female,0,0,40, United-States,0 +34, Self-emp-not-inc,288486, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +75, Private,311184, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,24, United-States,0 +39, Private,49308, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +29, Private,178649, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Female,0,0,20, France,0 +24, Self-emp-not-inc,186831, Some-college,10, Never-married, Exec-managerial, Not-in-family, Male,0,0,45, United-States,0 +55, Private,176317, HS-grad,9, Widowed, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +33, Private,323619, Some-college,10, Never-married, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +61, Private,357437, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +49, ?,558183, Assoc-voc,11, Married-spouse-absent, ?, Unmarried, Female,0,0,40, United-States,0 +45, State-gov,144351, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +35, Private,465326, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +50, Private,46155, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Female,0,0,40, United-States,1 +32, Private,201988, Prof-school,15, Married-civ-spouse, Sales, Husband, Male,4508,0,40, ?,0 +46, Private,55720, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +47, Private,274720, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Male,0,0,40, Jamaica,0 +23, Local-gov,162551, Bachelors,13, Never-married, Prof-specialty, Own-child, Female,0,0,35, China,0 +44, Private,167725, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,24, United-States,0 +50, Self-emp-not-inc,95577, HS-grad,9, Married-civ-spouse, Other-service, Wife, Female,0,0,12, ?,0 +32, Private,127384, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,55, United-States,1 +25, Private,310864, Bachelors,13, Never-married, Tech-support, Not-in-family, Male,0,0,40, ?,0 +32, Private,178835, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +30, Private,284395, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +29, Private,180758, Masters,14, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +46, Private,51618, HS-grad,9, Married-civ-spouse, Other-service, Wife, Female,0,0,40, United-States,0 +17, Private,154398, 11th,7, Never-married, Other-service, Own-child, Male,0,0,16, Haiti,0 +38, Private,333651, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,70, United-States,1 +36, Self-emp-inc,213008, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +30, State-gov,218640, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,1 +50, Private,204447, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,65, United-States,1 +29, Local-gov,123983, Masters,14, Never-married, Prof-specialty, Own-child, Male,0,0,40, Taiwan,0 +43, State-gov,159449, HS-grad,9, Never-married, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +27, Private,472070, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +40, Private,277647, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +56, Private,174040, HS-grad,9, Divorced, Other-service, Not-in-family, Male,0,0,40, United-States,0 +20, Private,219835, Some-college,10, Never-married, Sales, Own-child, Male,0,0,30, ?,0 +42, Private,212894, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, Male,2407,0,40, United-States,0 +23, Private,135138, Bachelors,13, Never-married, Sales, Own-child, Male,0,0,40, United-States,0 +41, Private,469454, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +59, Self-emp-inc,187502, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,1 +52, Private,89054, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +28, Private,306830, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, Nicaragua,0 +63, Private,183608, 10th,6, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +19, State-gov,194260, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,15, United-States,0 +27, Private,160786, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,1902,40, United-States,1 +27, Private,93235, HS-grad,9, Never-married, Sales, Not-in-family, Male,0,0,30, United-States,0 +54, Private,138026, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +57, Local-gov,139452, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,16, United-States,0 +50, Private,358740, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, England,0 +40, Private,175398, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, Female,0,0,20, United-States,0 +35, Local-gov,79649, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,0 +28, Private,312588, 10th,6, Divorced, Other-service, Not-in-family, Female,0,0,40, United-States,0 +35, Private,54159, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,38, United-States,0 +29, Private,200468, 10th,6, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +28, Local-gov,304960, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Female,0,1980,40, United-States,0 +20, Private,315877, HS-grad,9, Never-married, Other-service, Unmarried, Male,0,2001,40, United-States,0 +26, Private,164386, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,48, United-States,0 +44, Private,86298, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +62, Self-emp-not-inc,224520, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,90, United-States,1 +57, Private,199847, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,60, United-States,1 +48, Private,130812, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,40, United-States,0 +34, Local-gov,231826, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, El-Salvador,0 +38, Private,183279, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,43, United-States,0 +17, ?,151141, 10th,6, Never-married, ?, Own-child, Male,0,0,30, United-States,0 +36, Self-emp-inc,180477, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +28, Private,271936, Some-college,10, Never-married, Exec-managerial, Not-in-family, Female,0,0,35, United-States,0 +60, Self-emp-not-inc,92845, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +39, Private,86643, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,50, United-States,0 +39, Private,190728, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +50, Private,220019, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,0 +19, Private,284652, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,15, United-States,0 +37, Private,100508, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +18, Private,116528, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,30, United-States,0 +39, Private,117166, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Male,2635,0,40, United-States,0 +17, Private,114798, 10th,6, Never-married, Other-service, Own-child, Female,0,0,20, United-States,0 +33, Private,278736, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,50, United-States,0 +40, Private,320451, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,1977,45, Hong,1 +26, Private,162312, Some-college,10, Never-married, Adm-clerical, Not-in-family, Male,0,0,20, Philippines,0 +46, Private,174386, HS-grad,9, Never-married, Other-service, Unmarried, Female,0,0,24, United-States,0 +33, Private,190772, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,1617,40, United-States,0 +26, Private,104834, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,1669,40, United-States,0 +38, Private,26987, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +34, Private,200192, Some-college,10, Never-married, Other-service, Not-in-family, Female,0,0,40, United-States,0 +30, Private,39054, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,65, United-States,1 +25, Private,200408, Assoc-acdm,12, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +33, Private,92865, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +62, Private,178249, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,35, United-States,1 +48, Self-emp-inc,181307, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,1 +39, Private,187089, Some-college,10, Divorced, Sales, Not-in-family, Female,0,0,40, United-States,0 +44, Local-gov,135056, Masters,14, Divorced, Prof-specialty, Unmarried, Female,0,0,16, ?,0 +55, Private,105582, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,3103,0,40, United-States,1 +27, Local-gov,170504, Bachelors,13, Never-married, Transport-moving, Not-in-family, Female,0,0,40, United-States,0 +90, Private,313749, Bachelors,13, Never-married, Prof-specialty, Own-child, Female,0,0,10, United-States,0 +40, Private,79531, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,75, United-States,1 +27, Local-gov,225291, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +45, Private,285858, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +45, Self-emp-inc,142719, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +40, Local-gov,370502, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, Mexico,0 +53, State-gov,105728, HS-grad,9, Married-civ-spouse, Other-service, Wife, Female,0,0,28, United-States,1 +35, Private,219546, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,45, Germany,0 +46, Private,126513, HS-grad,9, Separated, Craft-repair, Unmarried, Female,0,0,40, ?,0 +40, Local-gov,303212, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +25, Self-emp-not-inc,213385, Some-college,10, Never-married, Craft-repair, Own-child, Male,0,0,80, United-States,0 +45, Self-emp-not-inc,54098, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,50, United-States,1 +20, Self-emp-not-inc,132320, HS-grad,9, Never-married, Transport-moving, Own-child, Male,0,0,45, United-States,0 +33, Private,100228, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +44, Private,205706, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +24, Private,281221, Bachelors,13, Never-married, Adm-clerical, Other-relative, Female,0,0,40, Taiwan,0 +26, Private,112847, Assoc-voc,11, Never-married, Tech-support, Own-child, Male,0,0,40, United-States,0 +24, Private,122166, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, Iran,0 +37, Self-emp-not-inc,301568, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,35, United-States,1 +19, Private,120251, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,14, United-States,0 +36, Local-gov,298717, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +54, Private,311020, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,50, United-States,0 +43, State-gov,52849, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +56, Private,184553, 10th,6, Divorced, Craft-repair, Not-in-family, Male,0,0,56, United-States,0 +29, Private,88432, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +33, Local-gov,222654, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,66, ?,0 +24, Private,243190, Assoc-acdm,12, Separated, Craft-repair, Unmarried, Male,8614,0,40, United-States,1 +45, Private,199058, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,7298,0,50, United-States,1 +40, Private,125776, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,1 +56, Self-emp-inc,211804, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,15024,0,50, United-States,1 +37, Local-gov,249392, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +30, Local-gov,247328, Some-college,10, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +24, Private,205865, HS-grad,9, Never-married, Sales, Unmarried, Male,0,0,45, United-States,0 +42, Federal-gov,158926, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Female,0,0,40, Philippines,1 +54, Self-emp-inc,172175, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +32, Private,459007, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,0,90, United-States,0 +20, Private,745817, Some-college,10, Never-married, Tech-support, Own-child, Female,0,0,15, United-States,0 +44, Private,45093, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,70, United-States,0 +46, Private,182533, Bachelors,13, Never-married, Adm-clerical, Unmarried, Female,0,0,40, Philippines,0 +55, Private,238638, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,4386,0,40, United-States,1 +49, Self-emp-not-inc,113513, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,50, United-States,0 +47, Local-gov,56482, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,7688,0,50, United-States,1 +35, Private,272019, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,2057,40, United-States,0 +61, Private,183355, 11th,7, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +49, Private,195612, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,7298,0,40, United-States,1 +40, Private,224910, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Female,0,0,40, United-States,0 +18, ?,215463, 12th,8, Never-married, ?, Own-child, Female,0,0,25, United-States,0 +20, Private,258490, Some-college,10, Never-married, Sales, Not-in-family, Female,0,0,35, United-States,0 +40, Private,123557, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +29, Private,126399, HS-grad,9, Divorced, Sales, Unmarried, Female,0,0,32, United-States,0 +40, Private,153799, 1st-4th,2, Married-spouse-absent, Machine-op-inspct, Unmarried, Female,0,0,40, Dominican-Republic,0 +64, Private,59829, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,25, France,0 +37, Private,108913, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +54, Self-emp-not-inc,163815, Masters,14, Divorced, Sales, Not-in-family, Male,0,0,60, United-States,0 +35, Private,178322, Assoc-voc,11, Married-civ-spouse, Sales, Husband, Male,0,0,50, Germany,1 +56, Private,200235, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,48, United-States,1 +46, Private,138999, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +39, Private,346478, Some-college,10, Never-married, Exec-managerial, Not-in-family, Male,0,0,45, United-States,0 +31, Private,159979, Some-college,10, Never-married, Sales, Not-in-family, Female,0,0,50, United-States,0 +20, Private,163205, Some-college,10, Separated, Other-service, Own-child, Female,0,0,30, United-States,0 +47, Private,303637, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,49, United-States,1 +61, Private,28291, HS-grad,9, Divorced, Farming-fishing, Not-in-family, Female,0,0,82, United-States,0 +25, Private,258379, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,32, United-States,0 +34, Private,122616, Some-college,10, Married-civ-spouse, Tech-support, Husband, Male,0,0,84, United-States,1 +34, Private,400416, 11th,7, Never-married, Machine-op-inspct, Own-child, Male,0,0,45, United-States,0 +32, State-gov,169973, Masters,14, Never-married, Adm-clerical, Not-in-family, Female,0,0,38, United-States,0 +22, Private,113062, Bachelors,13, Never-married, Prof-specialty, Own-child, Female,0,0,40, United-States,0 +34, Private,111415, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,70, United-States,0 +53, Private,196328, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +43, Private,35910, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,43, United-States,1 +29, Private,183627, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,3137,0,48, Ireland,0 +73, Local-gov,181902, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,10, Poland,1 +33, Private,163003, Bachelors,13, Never-married, Exec-managerial, Other-relative, Female,0,0,40, Philippines,0 +51, Private,259363, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,1 +45, Federal-gov,311671, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Male,3908,0,40, United-States,0 +25, Private,206600, 10th,6, Never-married, Other-service, Not-in-family, Male,0,0,24, Nicaragua,0 +27, Private,267325, HS-grad,9, Married-civ-spouse, Sales, Wife, Female,3464,0,40, United-States,0 +46, Local-gov,316205, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +45, Self-emp-inc,84324, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +45, Private,304570, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, ?,0 +25, Private,198587, Some-college,10, Never-married, Tech-support, Not-in-family, Female,2174,0,50, United-States,0 +47, Private,166634, Some-college,10, Divorced, Exec-managerial, Unmarried, Female,0,0,40, Germany,0 +33, Private,184784, 10th,6, Divorced, Machine-op-inspct, Not-in-family, Female,0,0,40, United-States,0 +38, ?,204668, Assoc-voc,11, Separated, ?, Unmarried, Female,0,0,25, United-States,0 +51, Private,162944, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +30, Local-gov,118500, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +20, Private,373935, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,35, United-States,0 +31, Private,254293, Some-college,10, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +23, Private,199070, HS-grad,9, Never-married, Protective-serv, Own-child, Male,0,0,16, United-States,0 +46, Private,248059, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,3464,0,40, United-States,0 +25, Private,120238, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +43, Local-gov,223861, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +55, Private,172666, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +23, Private,153044, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Female,0,0,7, United-States,0 +30, Private,206051, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +22, Private,396895, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Male,0,0,35, Mexico,0 +18, Private,146378, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,40, ?,0 +24, Private,197666, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +57, Self-emp-not-inc,225334, Prof-school,15, Married-civ-spouse, Sales, Wife, Female,15024,0,35, United-States,1 +23, Private,113466, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +24, Private,385540, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, Mexico,0 +27, Self-emp-not-inc,65308, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,50, United-States,0 +20, Private,194247, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Male,0,0,25, United-States,0 +28, Private,210313, 10th,6, Never-married, Handlers-cleaners, Other-relative, Male,0,0,40, Mexico,0 +25, Private,304032, HS-grad,9, Never-married, Adm-clerical, Own-child, Male,0,0,36, United-States,0 +37, Private,150057, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,52, United-States,1 +35, Local-gov,45607, Masters,14, Never-married, Prof-specialty, Not-in-family, Male,0,0,60, United-States,1 +38, Self-emp-not-inc,255503, 11th,7, Divorced, Exec-managerial, Not-in-family, Male,0,0,55, United-States,0 +24, Private,153082, HS-grad,9, Never-married, Sales, Not-in-family, Male,0,0,30, United-States,0 +22, Private,138768, HS-grad,9, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +38, Self-emp-not-inc,127961, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,45, United-States,1 +23, ?,27415, 11th,7, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +32, State-gov,230224, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, Male,0,0,35, United-States,0 +40, Private,260696, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +45, Private,114797, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +32, Private,273241, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,40, United-States,1 +55, Private,314592, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +81, Private,114670, 9th,5, Widowed, Priv-house-serv, Not-in-family, Female,2062,0,5, United-States,0 +58, Private,98725, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +32, Private,151773, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +29, Private,225024, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +36, Private,140583, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +22, Private,186452, 10th,6, Never-married, Craft-repair, Not-in-family, Male,0,0,30, United-States,0 +61, Private,40269, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +18, Private,126125, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,20, United-States,0 +50, Self-emp-inc,321822, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,75, United-States,1 +40, Private,237601, Bachelors,13, Never-married, Sales, Not-in-family, Female,0,0,55, United-States,1 +25, Private,148300, Bachelors,13, Never-married, Prof-specialty, Own-child, Female,0,0,15, United-States,0 +41, Private,349703, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +65, ?,221881, 11th,7, Married-civ-spouse, ?, Husband, Male,0,0,40, Mexico,0 +76, Local-gov,259612, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,0,15, United-States,0 +31, Private,62932, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +30, Private,168443, HS-grad,9, Separated, Other-service, Unmarried, Female,0,0,30, United-States,0 +28, Private,45613, Some-college,10, Never-married, Priv-house-serv, Not-in-family, Female,0,0,40, United-States,0 +55, ?,449576, 5th-6th,3, Married-civ-spouse, ?, Husband, Male,0,0,48, Mexico,0 +35, Private,119272, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,1 +31, Private,167319, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +32, Private,42485, HS-grad,9, Divorced, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +38, Private,186934, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +27, Local-gov,206125, 10th,6, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,0 +49, Self-emp-not-inc,130206, HS-grad,9, Divorced, Other-service, Not-in-family, Female,0,0,40, United-States,0 +37, Self-emp-not-inc,187411, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Male,0,0,50, ?,0 +22, Private,255252, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +20, Private,245297, Some-college,10, Never-married, Other-service, Not-in-family, Female,0,0,20, United-States,0 +30, Private,232356, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +37, Local-gov,89491, Masters,14, Divorced, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +35, Private,154410, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +28, Private,249541, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +70, Local-gov,334666, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Female,0,0,12, United-States,0 +63, ?,126540, Some-college,10, Divorced, ?, Not-in-family, Female,0,0,5, United-States,0 +37, Private,26898, HS-grad,9, Divorced, Exec-managerial, Unmarried, Female,0,0,12, United-States,0 +46, Private,330087, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,45, United-States,1 +43, Federal-gov,233851, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,1 +31, Self-emp-inc,133861, Assoc-voc,11, Divorced, Sales, Not-in-family, Male,0,0,40, United-States,0 +26, Self-emp-not-inc,102476, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,50, United-States,0 +79, Private,266119, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +28, State-gov,78356, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, Jamaica,0 +37, Self-emp-not-inc,29814, HS-grad,9, Never-married, Farming-fishing, Unmarried, Male,0,0,50, United-States,0 +17, Private,270587, 11th,7, Never-married, Other-service, Own-child, Male,0,0,20, England,0 +52, Federal-gov,312500, Assoc-voc,11, Divorced, Farming-fishing, Not-in-family, Female,0,0,40, United-States,0 +22, Private,416356, Some-college,10, Never-married, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +44, Private,34722, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,55, United-States,0 +85, Private,98611, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,3, Poland,0 +26, Private,245465, Assoc-acdm,12, Never-married, Sales, Own-child, Male,0,0,30, United-States,0 +23, Private,252153, Some-college,10, Never-married, Other-service, Not-in-family, Female,0,0,28, United-States,0 +49, Local-gov,78859, Masters,14, Widowed, Prof-specialty, Unmarried, Female,0,323,20, United-States,0 +50, Local-gov,254148, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, Mexico,0 +38, Self-emp-inc,244803, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,1485,60, Cuba,1 +28, Private,123147, Some-college,10, Never-married, Tech-support, Not-in-family, Female,4865,0,40, United-States,0 +21, State-gov,341410, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,15, United-States,0 +25, Private,374918, 12th,8, Married-civ-spouse, Other-service, Wife, Female,0,0,40, United-States,0 +38, Private,229700, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +46, Private,503923, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,4386,0,40, United-States,1 +49, Self-emp-not-inc,233059, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,0 +49, Private,31267, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +48, Private,102597, Some-college,10, Separated, Adm-clerical, Unmarried, Female,0,0,44, United-States,0 +52, Local-gov,255927, Some-college,10, Widowed, Adm-clerical, Not-in-family, Female,0,0,24, United-States,0 +29, Private,85572, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,42, United-States,1 +33, Private,181091, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,60, Iran,1 +37, Private,526968, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,38, United-States,1 +22, ?,210802, Some-college,10, Never-married, ?, Not-in-family, Female,0,0,35, United-States,0 +29, Private,119429, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +40, Private,188291, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +33, Local-gov,368675, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,0 +40, Private,87771, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Female,0,1628,45, United-States,0 +46, Private,163352, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,36, United-States,0 +35, Private,241306, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,1 +37, Local-gov,108540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +38, Private,247111, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,1 +26, Private,164737, Some-college,10, Never-married, Sales, Not-in-family, Female,0,0,40, United-States,0 +30, Private,236543, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,68, United-States,0 +25, Private,187502, HS-grad,9, Never-married, Sales, Own-child, Male,0,0,24, United-States,0 +22, Private,160398, Some-college,10, Never-married, Sales, Other-relative, Male,0,0,38, United-States,0 +39, Private,48093, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +45, Private,20534, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,84, United-States,1 +22, Private,119359, Bachelors,13, Never-married, Exec-managerial, Own-child, Female,0,0,40, United-States,0 +43, Private,260761, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, Mexico,0 +34, Private,384150, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +24, Private,73514, Some-college,10, Never-married, Sales, Not-in-family, Female,0,0,50, Philippines,0 +49, Private,87928, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,5013,0,40, United-States,0 +26, Private,253841, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,45, United-States,0 +37, Private,46385, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +21, Private,72119, Some-college,10, Never-married, Adm-clerical, Not-in-family, Male,0,0,45, United-States,0 +62, Private,77884, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, Philippines,0 +22, Private,514033, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,80, United-States,0 +48, Private,95661, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,43, United-States,0 +33, Private,598802, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +47, Private,164113, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,7688,0,40, United-States,1 +68, Private,50351, Masters,14, Never-married, Adm-clerical, Not-in-family, Female,6360,0,20, United-States,0 +17, Private,239346, 10th,6, Never-married, Other-service, Own-child, Male,0,0,18, United-States,0 +33, Private,40681, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +30, Private,154568, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,36, Vietnam,1 +45, Self-emp-inc,145290, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,1 +31, State-gov,358461, Some-college,10, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +45, Federal-gov,359808, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +25, Private,245628, Some-college,10, Never-married, Tech-support, Own-child, Male,0,0,15, Mexico,0 +52, Private,202115, HS-grad,9, Married-civ-spouse, Other-service, Wife, Female,0,0,25, United-States,0 +45, Federal-gov,232997, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,65, United-States,1 +34, Private,153614, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +17, Local-gov,32124, 9th,5, Never-married, Other-service, Own-child, Male,0,0,9, United-States,0 +30, Private,207564, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +17, Private,198146, 11th,7, Never-married, Sales, Own-child, Female,0,0,16, United-States,0 +51, Private,246519, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Male,2105,0,45, United-States,0 +21, Private,39943, Some-college,10, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +47, Private,216096, Some-college,10, Married-spouse-absent, Exec-managerial, Unmarried, Female,0,0,35, Puerto-Rico,0 +35, Private,438176, Assoc-voc,11, Never-married, Other-service, Not-in-family, Female,0,0,65, United-States,0 +25, Private,74883, Bachelors,13, Never-married, Tech-support, Not-in-family, Female,0,1092,40, Philippines,0 +48, Private,236858, 11th,7, Divorced, Other-service, Not-in-family, Female,0,0,31, United-States,0 +33, Private,206609, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,0 +55, State-gov,175127, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,7688,0,38, United-States,1 +30, Local-gov,169020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +27, Private,390657, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +31, Private,32406, Some-college,10, Divorced, Craft-repair, Unmarried, Female,0,0,20, United-States,0 +24, Private,235722, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +23, Private,253190, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,25, United-States,0 +40, Private,163985, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,24, United-States,0 +20, Private,146706, Some-college,10, Married-civ-spouse, Sales, Other-relative, Female,0,0,30, United-States,0 +26, Private,212800, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, Female,0,0,36, United-States,0 +31, Self-emp-inc,103435, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +27, Private,136094, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +74, Private,129879, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Female,15831,0,40, United-States,1 +23, Private,141323, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +44, Private,179136, HS-grad,9, Never-married, Sales, Not-in-family, Female,0,0,40, United-States,0 +29, Private,114224, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +33, Private,268451, Some-college,10, Divorced, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +56, Private,134286, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,0 +40, Private,72887, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +31, Private,124420, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +18, Private,256967, 10th,6, Never-married, Sales, Other-relative, Female,0,0,40, United-States,0 +33, Private,99309, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +49, Self-emp-not-inc,182752, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,35, United-States,1 +48, Private,85341, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +61, Federal-gov,178312, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +65, ?,327154, HS-grad,9, Widowed, ?, Unmarried, Female,0,0,40, United-States,0 +44, Private,216907, HS-grad,9, Divorced, Other-service, Not-in-family, Male,0,0,37, United-States,0 +67, ?,125926, Some-college,10, Married-civ-spouse, ?, Husband, Male,0,0,8, United-States,0 +39, Private,79331, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,40, United-States,1 +40, Private,216116, 9th,5, Never-married, Machine-op-inspct, Unmarried, Female,0,0,40, Haiti,0 +54, Private,229272, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +43, Local-gov,34640, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,1887,40, United-States,1 +31, Private,244665, Some-college,10, Never-married, Exec-managerial, Not-in-family, Male,0,0,45, Honduras,0 +23, Private,234460, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, Female,0,0,40, Dominican-Republic,0 +44, Private,185798, Assoc-voc,11, Separated, Craft-repair, Other-relative, Male,0,0,48, United-States,1 +50, Local-gov,125417, Prof-school,15, Never-married, Exec-managerial, Not-in-family, Female,0,0,52, United-States,1 +66, Private,193132, 9th,5, Separated, Other-service, Not-in-family, Female,0,0,30, United-States,0 +32, Private,255424, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,1 +40, Private,107306, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +37, Private,200863, Some-college,10, Widowed, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +38, ?,338212, Some-college,10, Married-civ-spouse, ?, Wife, Female,0,0,20, United-States,0 +19, ?,252752, HS-grad,9, Never-married, ?, Own-child, Male,0,0,35, United-States,0 +25, Federal-gov,339956, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,0 +17, Private,46402, 7th-8th,4, Never-married, Sales, Own-child, Male,0,0,8, United-States,0 +22, Private,180449, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,28, United-States,0 +32, Private,157289, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Other-relative, Male,0,0,40, United-States,0 +24, Local-gov,252024, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,72, United-States,1 +45, State-gov,103406, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,1977,60, United-States,1 +18, Private,132986, 12th,8, Never-married, Other-service, Own-child, Male,0,0,10, United-States,0 +51, Private,191659, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,1887,65, United-States,1 +34, Private,289984, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Female,0,0,30, United-States,0 +19, ?,369678, HS-grad,9, Never-married, ?, Not-in-family, Male,0,0,30, United-States,0 +43, Private,105119, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +28, Private,161087, Some-college,10, Never-married, Exec-managerial, Not-in-family, Female,0,0,45, Jamaica,0 +26, Private,229523, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Female,0,0,56, United-States,0 +21, Private,243368, Preschool,1, Never-married, Farming-fishing, Not-in-family, Male,0,0,50, Mexico,0 +55, Private,92215, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,45, United-States,0 +38, Private,218729, HS-grad,9, Divorced, Other-service, Not-in-family, Female,0,0,25, United-States,0 +39, Private,56648, HS-grad,9, Separated, Sales, Not-in-family, Female,0,0,47, United-States,0 +44, Private,104196, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +19, Private,327397, HS-grad,9, Never-married, Prof-specialty, Own-child, Male,0,0,30, United-States,0 +55, Federal-gov,31965, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +40, Federal-gov,56795, Masters,14, Never-married, Exec-managerial, Not-in-family, Female,14084,0,55, United-States,1 +47, Private,74305, Bachelors,13, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +46, Private,108699, Some-college,10, Widowed, Adm-clerical, Not-in-family, Female,0,0,60, United-States,0 +60, Local-gov,313852, Masters,14, Divorced, Prof-specialty, Not-in-family, Female,0,0,25, United-States,0 +70, Private,176285, HS-grad,9, Divorced, Other-service, Not-in-family, Female,0,0,23, United-States,0 +34, State-gov,50178, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,38, United-States,0 +27, Private,327766, Some-college,10, Divorced, Craft-repair, Not-in-family, Male,0,0,45, United-States,0 +21, Private,143604, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +34, State-gov,190290, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,38, United-States,1 +58, ?,158506, 11th,7, Married-civ-spouse, ?, Husband, Male,0,0,16, United-States,0 +23, Private,213115, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +21, Private,240517, Some-college,10, Never-married, Machine-op-inspct, Own-child, Female,0,0,70, United-States,0 +20, Private,284317, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,35, United-States,0 +37, Private,151771, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +39, Private,216552, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +38, Private,300975, Masters,14, Married-civ-spouse, Other-service, Husband, Male,0,1485,40, ?,0 +34, Self-emp-not-inc,345705, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,45, United-States,1 +26, Self-emp-not-inc,281678, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,55, United-States,0 +21, ?,494638, Assoc-acdm,12, Never-married, ?, Own-child, Male,0,0,15, United-States,0 +32, Private,208291, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,0 +68, Private,165017, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, Italy,1 +34, Private,299507, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, Female,0,0,40, United-States,0 +45, Private,246392, HS-grad,9, Never-married, Priv-house-serv, Unmarried, Female,0,0,30, United-States,0 +47, Self-emp-not-inc,218676, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,0 +21, Private,353628, 10th,6, Separated, Sales, Unmarried, Female,0,0,38, United-States,0 +20, Private,266467, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +29, Private,263831, Bachelors,13, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +32, Private,271276, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,80, United-States,1 +46, Private,604380, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +61, Local-gov,260167, HS-grad,9, Widowed, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +30, Self-emp-not-inc,67072, Bachelors,13, Married-spouse-absent, Craft-repair, Not-in-family, Male,6849,0,60, United-States,0 +32, Federal-gov,115066, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,0 +36, Private,90159, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,32, United-States,1 +28, Private,210765, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +34, Private,198613, 11th,7, Married-civ-spouse, Sales, Husband, Male,0,0,25, ?,0 +22, Private,317019, Some-college,10, Never-married, Other-service, Not-in-family, Female,0,0,30, United-States,0 +41, Self-emp-not-inc,117012, Masters,14, Never-married, Exec-managerial, Not-in-family, Female,0,0,55, United-States,0 +36, Private,51089, Bachelors,13, Never-married, Craft-repair, Not-in-family, Male,0,0,60, United-States,0 +43, Private,214781, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,0 +47, Private,168337, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,48, United-States,1 +36, Private,198587, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +22, State-gov,151991, Some-college,10, Never-married, Tech-support, Own-child, Male,0,0,20, United-States,0 +44, Private,198316, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,50, United-States,1 +39, Private,191002, HS-grad,9, Never-married, Sales, Not-in-family, Female,0,0,40, Poland,0 +33, Private,405913, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, Peru,1 +17, Private,98675, 9th,5, Never-married, Other-service, Unmarried, Female,0,0,20, United-States,0 +23, Private,223019, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +26, Private,100147, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,45, United-States,1 +27, Private,114967, Bachelors,13, Never-married, Sales, Own-child, Male,0,0,40, United-States,0 +36, Local-gov,380614, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,35, Germany,1 +32, Private,44677, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +47, Private,155659, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,7688,0,55, United-States,1 +45, Local-gov,153312, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,10, United-States,1 +23, Private,211046, HS-grad,9, Never-married, Sales, Not-in-family, Female,2463,0,40, United-States,0 +36, Private,247321, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +48, Private,431513, 10th,6, Married-civ-spouse, Craft-repair, Husband, Male,0,0,65, United-States,1 +38, Private,168407, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,5721,0,44, United-States,0 +43, Private,180599, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,60, United-States,1 +45, Local-gov,125933, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +31, Private,258849, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +43, Local-gov,175526, Some-college,10, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +30, Private,156890, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,45, United-States,0 +50, Self-emp-inc,219420, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,1 +53, Private,394474, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +29, Private,197932, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, Female,0,0,40, Mexico,1 +39, Private,225544, Masters,14, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, Poland,0 +17, Private,184198, 11th,7, Never-married, Sales, Own-child, Female,0,0,13, United-States,0 +44, Private,134120, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,1 +37, Private,167482, 10th,6, Never-married, Craft-repair, Own-child, Male,0,0,35, United-States,0 +37, Self-emp-inc,30529, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,2415,50, United-States,1 +38, Private,111499, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,1977,99, United-States,1 +59, Private,284834, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Female,2885,0,30, United-States,0 +26, Private,64289, HS-grad,9, Never-married, Farming-fishing, Own-child, Male,0,0,40, United-States,0 +22, Private,245524, 12th,8, Never-married, Other-service, Not-in-family, Male,0,0,35, United-States,0 +44, Local-gov,189956, Bachelors,13, Married-civ-spouse, Protective-serv, Wife, Female,15024,0,40, United-States,1 +57, Private,108426, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,48, England,0 +21, Private,186314, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +54, ?,169785, Masters,14, Never-married, ?, Not-in-family, Female,0,0,40, United-States,0 +21, Private,294295, HS-grad,9, Never-married, Adm-clerical, Unmarried, Male,0,0,40, United-States,0 +19, Private,323810, 10th,6, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +32, Self-emp-inc,161153, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,1902,55, United-States,1 +58, Private,365511, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Male,0,0,40, Mexico,0 +43, Private,124692, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +23, Private,151888, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,4650,0,50, Ireland,0 +17, Local-gov,195262, 11th,7, Never-married, Craft-repair, Own-child, Male,0,0,35, United-States,0 +44, Federal-gov,38434, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +39, Private,206520, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Male,0,0,45, United-States,0 +28, Private,30912, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +35, Private,141896, 12th,8, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +41, Private,324629, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, Yugoslavia,0 +50, Local-gov,20795, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +48, Private,101684, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +33, Private,90668, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +31, Private,272069, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +27, State-gov,291196, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +57, Private,334224, Some-college,10, Married-civ-spouse, Craft-repair, Wife, Female,9386,0,40, United-States,1 +36, Private,145933, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Male,0,2258,70, United-States,0 +48, Self-emp-not-inc,397466, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,0 +30, Private,112650, HS-grad,9, Divorced, Craft-repair, Own-child, Male,0,0,40, United-States,0 +64, Federal-gov,175534, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, China,1 +40, Private,168071, Assoc-voc,11, Divorced, Tech-support, Not-in-family, Male,3325,0,40, United-States,0 +54, Private,421561, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +44, Private,112517, Masters,14, Married-civ-spouse, Tech-support, Husband, Male,0,0,20, United-States,1 +22, Private,446140, HS-grad,9, Never-married, Sales, Own-child, Male,0,0,55, United-States,0 +28, Private,96219, Bachelors,13, Married-civ-spouse, Other-service, Wife, Female,0,0,15, United-States,0 +39, Private,337898, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Male,0,0,55, United-States,0 +31, Private,329874, Some-college,10, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +40, Private,240504, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +43, Private,115932, Bachelors,13, Never-married, Sales, Not-in-family, Male,0,0,60, United-States,1 +45, Self-emp-inc,145697, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,30, United-States,0 +27, Local-gov,177072, Some-college,10, Never-married, Prof-specialty, Other-relative, Male,0,0,16, United-States,0 +44, Private,216116, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Female,0,0,40, Jamaica,0 +54, Private,163826, HS-grad,9, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +22, Private,137876, Some-college,10, Never-married, Protective-serv, Not-in-family, Male,0,0,20, United-States,0 +30, Private,171876, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Female,0,0,45, United-States,0 +59, Private,158776, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +32, Private,256362, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +26, Private,290286, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +43, Private,117037, 11th,7, Married-civ-spouse, Transport-moving, Husband, Male,0,2042,40, United-States,0 +36, Private,99146, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,45, United-States,1 +33, Private,232356, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,1672,55, United-States,0 +27, Private,230959, Bachelors,13, Never-married, Tech-support, Own-child, Female,0,0,40, Philippines,0 +56, Private,129836, HS-grad,9, Married-civ-spouse, Other-service, Wife, Female,0,0,10, United-States,0 +63, Private,219540, HS-grad,9, Divorced, Craft-repair, Not-in-family, Female,0,0,40, United-States,0 +37, Self-emp-not-inc,31670, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,60, United-States,0 +50, Private,31621, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +80, Self-emp-not-inc,101771, 11th,7, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,25, United-States,0 +25, Private,44363, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,35, United-States,0 +32, Private,84179, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Female,0,0,45, United-States,0 +20, Private,301199, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,24, United-States,0 +31, Private,312667, 9th,5, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +24, ?,119156, Bachelors,13, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +47, Private,140045, HS-grad,9, Separated, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +25, Local-gov,45474, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,0 +29, Private,167716, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,99, United-States,0 +51, Private,153870, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,1 +46, Private,295334, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,1 +26, Private,236008, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +57, Self-emp-inc,220789, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +41, Self-emp-inc,60949, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,55, United-States,0 +34, Private,186824, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,70, United-States,0 +35, Private,301862, HS-grad,9, Never-married, Craft-repair, Unmarried, Male,0,0,50, United-States,0 +24, Private,464103, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Male,0,0,50, United-States,0 +34, Private,340458, 12th,8, Never-married, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +44, State-gov,296326, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +28, Private,66095, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +50, Private,313321, Assoc-acdm,12, Divorced, Sales, Not-in-family, Female,0,0,40, United-States,0 +26, Private,164583, HS-grad,9, Divorced, Sales, Unmarried, Female,0,0,30, United-States,0 +59, Private,348430, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,1902,43, United-States,1 +31, Self-emp-not-inc,229946, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, Columbia,0 +51, Private,317396, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +19, Federal-gov,234151, HS-grad,9, Never-married, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +39, Private,179016, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +25, Private,213383, Some-college,10, Never-married, Tech-support, Own-child, Male,0,0,40, United-States,0 +33, Federal-gov,88913, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +51, Self-emp-not-inc,132341, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +55, Private,223613, 1st-4th,2, Divorced, Priv-house-serv, Unmarried, Female,0,0,30, Cuba,0 +44, Private,310255, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,1 +34, Private,265807, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,2051,55, United-States,0 +80, Self-emp-not-inc,26865, 7th-8th,4, Never-married, Farming-fishing, Unmarried, Male,0,0,20, United-States,0 +23, Private,203078, Bachelors,13, Never-married, Adm-clerical, Own-child, Male,0,0,24, United-States,0 +46, Private,156926, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,1 +33, Private,184306, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Male,0,0,30, United-States,0 +25, Private,102460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +44, Private,123572, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +23, Private,117583, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +25, Private,241025, Bachelors,13, Never-married, Other-service, Own-child, Male,0,0,18, United-States,0 +36, Private,123983, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,55, Japan,1 +18, ?,156608, 11th,7, Never-married, ?, Own-child, Female,0,0,25, United-States,0 +42, Private,193626, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,53, United-States,0 +39, Private,191502, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +36, Private,231948, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,64, United-States,1 +31, Private,53042, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, Trinadad&Tobago,0 +27, Private,384308, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,45, United-States,0 +71, ?,178295, Assoc-acdm,12, Married-civ-spouse, ?, Husband, Male,0,0,3, United-States,0 +35, Local-gov,331395, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Male,0,0,42, United-States,0 +46, Federal-gov,371373, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +41, Private,325786, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +44, Private,104196, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,1 +24, Private,234460, 9th,5, Never-married, Machine-op-inspct, Own-child, Female,0,0,40, Dominican-Republic,0 +40, Private,201495, Bachelors,13, Divorced, Protective-serv, Not-in-family, Male,0,0,45, United-States,0 +58, Local-gov,283635, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +35, Private,207568, 10th,6, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +29, Private,79387, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,50, United-States,1 +30, State-gov,199539, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,1902,40, United-States,0 +48, Self-emp-inc,56975, HS-grad,9, Divorced, Sales, Unmarried, Female,0,0,84, ?,0 +52, Private,146711, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +35, Private,150217, Bachelors,13, Married-civ-spouse, Other-service, Wife, Female,0,0,24, Poland,0 +48, Private,237525, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,7688,0,65, United-States,1 +36, Private,732569, 9th,5, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +46, Private,155659, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,15024,0,45, United-States,1 +44, Private,286750, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +21, Private,256240, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +38, Private,154410, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,2051,40, Poland,0 +27, Private,134048, 11th,7, Never-married, Craft-repair, Not-in-family, Male,0,0,45, United-States,0 +39, Private,175232, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,0 +53, Self-emp-not-inc,302847, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,35, United-States,0 +40, Private,259307, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +28, Private,60288, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +27, ?,181284, 12th,8, Married-civ-spouse, ?, Husband, Male,0,0,45, United-States,0 +30, Private,162623, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +19, Private,236879, Some-college,10, Never-married, Exec-managerial, Own-child, Female,0,0,35, United-States,0 +66, Private,192504, Masters,14, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +61, Private,125155, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +44, Private,267717, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,42, United-States,1 +48, Private,109275, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +26, Private,172063, Some-college,10, Never-married, Sales, Own-child, Female,0,0,24, United-States,0 +41, Private,101593, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +30, ?,156890, 10th,6, Divorced, ?, Unmarried, Male,0,0,40, United-States,0 +43, Private,59107, HS-grad,9, Separated, Other-service, Not-in-family, Female,4101,0,40, United-States,0 +36, Private,182074, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +54, Private,197975, 5th-6th,3, Married-civ-spouse, Sales, Husband, Male,0,0,51, United-States,0 +20, ?,298155, Some-college,10, Never-married, ?, Own-child, Female,0,0,40, United-States,0 +23, Private,204653, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,72, Dominican-Republic,0 +25, Private,194897, HS-grad,9, Never-married, Sales, Own-child, Male,6849,0,40, United-States,0 +61, Private,69867, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +65, Federal-gov,179985, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +62, Private,109463, Some-college,10, Separated, Sales, Unmarried, Female,0,1617,33, United-States,0 +46, Private,459189, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,1902,50, United-States,1 +34, State-gov,216283, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,45, United-States,1 +61, Private,84587, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +41, Private,37869, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,1902,40, United-States,1 +49, Private,233639, 11th,7, Married-civ-spouse, Other-service, Husband, Male,0,0,50, United-States,0 +30, Private,54929, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,55, United-States,0 +42, Private,204235, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +42, Self-emp-not-inc,343609, Some-college,10, Separated, Other-service, Unmarried, Female,0,0,50, United-States,0 +19, Private,236940, HS-grad,9, Never-married, Farming-fishing, Own-child, Male,0,0,40, United-States,0 +50, Private,126592, HS-grad,9, Separated, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +54, Private,188186, HS-grad,9, Never-married, Other-service, Other-relative, Female,0,0,20, Hungary,0 +36, Private,58602, 5th-6th,3, Never-married, Other-service, Not-in-family, Male,0,0,35, United-States,0 +30, Private,134737, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,45, United-States,0 +66, Private,340734, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +55, Self-emp-not-inc,170350, HS-grad,9, Divorced, Other-service, Other-relative, Female,0,0,40, United-States,0 +29, Private,109621, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +39, Local-gov,132879, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,1887,40, United-States,1 +32, Private,168854, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,1848,50, United-States,1 +74, Self-emp-not-inc,146929, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,55, United-States,0 +28, Private,211032, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +22, Private,117210, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,25, Greece,0 +28, Private,179949, HS-grad,9, Divorced, Transport-moving, Unmarried, Female,0,0,20, United-States,0 +44, Private,198096, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,7688,0,40, United-States,1 +23, Private,210443, Bachelors,13, Never-married, Prof-specialty, Own-child, Female,0,0,40, United-States,0 +48, Private,172709, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +38, Private,153066, Masters,14, Divorced, Exec-managerial, Not-in-family, Male,0,0,45, United-States,1 +35, Private,330664, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +41, Private,56795, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,45, England,0 +23, Private,227594, 12th,8, Never-married, Machine-op-inspct, Own-child, Female,0,0,40, United-States,0 +23, Private,197666, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,24, Greece,0 +28, Private,31801, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Male,0,0,60, United-States,0 +56, Private,195668, 10th,6, Married-civ-spouse, Other-service, Husband, Male,0,0,35, Cuba,1 +41, Self-emp-not-inc,408498, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +22, Private,201268, Bachelors,13, Never-married, Sales, Own-child, Female,0,0,15, United-States,0 +19, Private,67759, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Male,0,0,43, United-States,0 +19, Private,106273, Some-college,10, Never-married, Sales, Own-child, Female,0,0,38, United-States,0 +23, ?,138768, Bachelors,13, Never-married, ?, Own-child, Male,2907,0,40, United-States,0 +62, Private,197514, HS-grad,9, Married-civ-spouse, Sales, Wife, Female,0,0,16, United-States,0 +39, Self-emp-not-inc,230329, Some-college,10, Never-married, Prof-specialty, Not-in-family, Male,0,1564,12, United-States,1 +61, Private,243283, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +42, Private,186376, Bachelors,13, Married-civ-spouse, Other-service, Husband, Male,0,0,72, Philippines,1 +32, Private,118551, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,35, ?,1 +47, Private,190072, Some-college,10, Divorced, Sales, Unmarried, Male,0,0,50, United-States,0 +30, Federal-gov,49593, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +27, Private,185670, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,1 +20, Private,238917, HS-grad,9, Never-married, Craft-repair, Other-relative, Male,0,0,40, El-Salvador,0 +35, Private,193241, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,38, United-States,0 +47, Private,185385, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +20, Self-emp-not-inc,217404, 10th,6, Never-married, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +31, Private,172865, 5th-6th,3, Never-married, Farming-fishing, Own-child, Male,0,0,25, Mexico,0 +50, Self-emp-not-inc,198581, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +53, Local-gov,202733, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,7688,0,70, United-States,1 +57, State-gov,32694, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +40, Private,236110, 12th,8, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, Cuba,1 +24, Private,205844, Bachelors,13, Never-married, Exec-managerial, Own-child, Female,0,0,65, United-States,0 +38, Private,177305, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +29, Private,157612, Bachelors,13, Never-married, Sales, Not-in-family, Female,3325,0,45, United-States,0 +26, Private,238768, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,60, United-States,0 +38, Private,698363, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +47, Private,148884, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,60, United-States,0 +30, Private,91145, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Male,0,0,55, United-States,0 +55, Private,202559, Bachelors,13, Married-civ-spouse, Other-service, Other-relative, Male,0,0,35, Philippines,0 +44, Private,187720, Assoc-voc,11, Never-married, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +46, Private,216164, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +38, Private,243872, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,70, United-States,1 +59, Self-emp-inc,141326, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, Male,0,0,50, United-States,1 +25, Local-gov,137296, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Female,0,0,38, United-States,0 +25, ?,210095, 5th-6th,3, Never-married, ?, Unmarried, Female,0,0,25, El-Salvador,0 +52, Self-emp-inc,210736, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,0 +38, Private,199256, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +32, Private,134737, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,99999,0,50, United-States,1 +25, Private,288185, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, Mexico,0 +20, Private,411862, Assoc-voc,11, Never-married, Other-service, Not-in-family, Male,0,0,30, United-States,0 +23, Private,184400, 10th,6, Never-married, Transport-moving, Own-child, Male,0,0,30, ?,0 +28, Private,269246, 11th,7, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +33, Private,309350, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +30, Private,72887, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, Male,3411,0,40, United-States,0 +41, Self-emp-not-inc,49572, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,0 +51, Local-gov,133336, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,40, United-States,1 +22, Private,214635, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,42, United-States,0 +84, Self-emp-not-inc,155057, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,20, United-States,0 +30, Private,129707, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,99999,0,35, United-States,1 +37, Private,83880, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +45, Private,188950, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +50, State-gov,133014, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +25, Private,243786, Bachelors,13, Never-married, Other-service, Not-in-family, Female,0,0,37, United-States,0 +54, Private,135803, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,60, South,1 +65, ?,195733, Some-college,10, Married-civ-spouse, ?, Husband, Male,0,0,30, United-States,1 +61, Local-gov,167347, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,35, United-States,0 +54, Private,87205, HS-grad,9, Widowed, Other-service, Not-in-family, Female,0,0,15, United-States,0 +44, Private,174189, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,0 +22, Private,200318, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Female,0,0,15, United-States,0 +35, Private,101509, Some-college,10, Divorced, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +23, Private,221955, 9th,5, Never-married, Handlers-cleaners, Other-relative, Male,0,0,39, Mexico,0 +50, Private,121685, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +51, Private,195105, HS-grad,9, Divorced, Priv-house-serv, Own-child, Female,0,0,40, United-States,0 +37, Private,117381, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Male,0,0,80, United-States,1 +41, Private,160785, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +61, Private,71209, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,1 +49, Private,83610, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,7688,0,66, United-States,1 +26, Private,152436, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,50, United-States,0 +36, Self-emp-not-inc,313853, Bachelors,13, Divorced, Other-service, Unmarried, Male,0,0,45, United-States,1 +18, Private,96483, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,20, United-States,0 +39, Private,196308, Some-college,10, Married-civ-spouse, Other-service, Wife, Female,0,0,24, United-States,0 +18, Private,182042, 11th,7, Never-married, Other-service, Own-child, Female,0,0,19, United-States,0 +52, Private,180195, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +47, Private,111994, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,34, United-States,0 +51, Private,249741, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +49, Private,147322, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Wife, Female,0,0,40, Peru,0 +29, Private,221977, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,1 +47, Private,199058, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,1 +30, Private,86808, Bachelors,13, Never-married, Prof-specialty, Other-relative, Female,0,0,40, United-States,0 +28, Private,153869, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +21, Private,198822, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,35, United-States,0 +57, Private,96346, HS-grad,9, Widowed, Prof-specialty, Not-in-family, Female,0,0,57, United-States,0 +40, Self-emp-not-inc,230478, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, Male,0,0,30, United-States,0 +18, Private,101795, 10th,6, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +18, ?,191117, 11th,7, Never-married, ?, Own-child, Male,0,0,25, United-States,0 +63, Private,264968, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +53, Self-emp-not-inc,101017, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,35, United-States,0 +48, Private,199739, HS-grad,9, Divorced, Craft-repair, Unmarried, Female,0,0,40, United-States,0 +60, Private,101198, Assoc-voc,11, Divorced, Other-service, Not-in-family, Male,0,0,20, United-States,0 +19, Private,264390, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,2001,40, United-States,0 +49, Local-gov,159726, 11th,7, Divorced, Handlers-cleaners, Unmarried, Male,0,0,40, United-States,0 +50, Private,170050, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +43, Private,156403, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +24, State-gov,163480, Masters,14, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +59, Private,168569, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Male,0,0,50, United-States,0 +64, Private,342494, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +40, Private,30682, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,45, United-States,1 +31, Private,511289, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Male,2907,0,99, United-States,0 +50, Self-emp-inc,198400, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,0 +18, Private,201901, 11th,7, Never-married, Sales, Own-child, Female,0,0,10, United-States,0 +29, Federal-gov,182344, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Male,0,0,40, United-States,0 +54, State-gov,197184, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,38, United-States,0 +30, Private,78530, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +18, Private,174394, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,20, United-States,0 +25, Private,483822, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,40, El-Salvador,0 +44, Private,171484, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +44, Self-emp-not-inc,26669, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, Female,0,0,99, United-States,0 +40, Self-emp-not-inc,179533, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,75, United-States,1 +31, Private,138416, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,56, Mexico,0 +45, Self-emp-not-inc,31478, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,2829,0,60, United-States,0 +41, Private,177305, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,1 +49, Private,125421, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Female,0,0,40, United-States,1 +61, Private,124242, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, India,0 +17, Private,73338, 11th,7, Never-married, Sales, Own-child, Male,0,0,20, United-States,0 +38, Private,195744, Bachelors,13, Never-married, Other-service, Not-in-family, Male,0,0,48, United-States,0 +26, Private,257910, Some-college,10, Never-married, Other-service, Not-in-family, Male,0,0,60, United-States,0 +32, Private,202952, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +33, Private,50276, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +22, Private,250647, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,12, United-States,0 +39, Private,484475, 11th,7, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +46, Self-emp-inc,328216, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,1902,42, ?,1 +22, Private,156822, 10th,6, Never-married, Sales, Not-in-family, Female,0,1762,25, United-States,0 +50, Federal-gov,343014, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +41, Private,196344, 1st-4th,2, Married-civ-spouse, Sales, Husband, Male,0,0,50, Mexico,0 +18, Private,282394, Some-college,10, Never-married, Sales, Own-child, Female,0,0,21, United-States,0 +49, Private,195727, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +32, Federal-gov,454508, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +62, ?,225657, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,24, United-States,0 +27, Private,175262, Bachelors,13, Never-married, Exec-managerial, Own-child, Male,0,0,40, United-States,0 +62, Local-gov,180162, 9th,5, Divorced, Protective-serv, Not-in-family, Male,0,0,24, United-States,0 +24, Self-emp-inc,493034, HS-grad,9, Never-married, Other-service, Not-in-family, Male,13550,0,50, United-States,1 +28, Self-emp-not-inc,39388, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,60, United-States,0 +76, Private,124191, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +44, Private,320984, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,1 +25, Private,233777, HS-grad,9, Never-married, Transport-moving, Other-relative, Male,0,0,40, ?,0 +69, Self-emp-not-inc,76968, 9th,5, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,25, United-States,0 +60, Private,191446, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,99999,0,40, United-States,1 +34, Private,37380, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +25, Private,109532, 12th,8, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +37, Private,282951, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +51, Local-gov,96190, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +59, Self-emp-not-inc,170411, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +23, Private,37783, Some-college,10, Never-married, Sales, Own-child, Female,0,0,40, United-States,0 +64, Private,251292, 5th-6th,3, Separated, Other-service, Other-relative, Female,0,0,20, Cuba,0 +56, Private,85018, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +33, Private,184833, HS-grad,9, Never-married, Other-service, Not-in-family, Female,0,0,35, United-States,0 +38, Private,192939, HS-grad,9, Divorced, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +39, Private,99527, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +47, Private,206659, Some-college,10, Divorced, Adm-clerical, Other-relative, Female,0,0,40, United-States,0 +24, Private,163053, Bachelors,13, Never-married, Sales, Not-in-family, Female,0,0,40, United-States,0 +49, Private,84298, Some-college,10, Married-civ-spouse, Sales, Husband, Male,7688,0,40, United-States,1 +31, Private,403468, Some-college,10, Separated, Other-service, Unmarried, Female,0,0,50, Mexico,0 +29, Private,140830, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,40, United-States,0 +81, Self-emp-inc,247232, 10th,6, Married-civ-spouse, Exec-managerial, Wife, Female,2936,0,28, United-States,0 +28, Private,163320, HS-grad,9, Never-married, Transport-moving, Own-child, Male,0,0,40, United-States,0 +39, Private,370795, HS-grad,9, Never-married, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +42, Self-emp-not-inc,29962, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,48, United-States,0 +41, Private,121055, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +37, Self-emp-inc,257295, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,75, Thailand,1 +26, Self-emp-inc,189502, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,80, United-States,1 +50, Self-emp-not-inc,95949, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +27, Private,114158, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Female,0,0,35, United-States,0 +67, Private,105252, Some-college,10, Divorced, Adm-clerical, Not-in-family, Male,7978,0,35, United-States,0 +33, State-gov,174171, Some-college,10, Separated, Tech-support, Not-in-family, Male,0,0,12, United-States,0 +66, Self-emp-not-inc,291362, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,0 +20, Private,71475, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +21, Private,185582, Some-college,10, Never-married, Sales, Own-child, Male,0,0,43, United-States,0 +31, Private,168521, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +28, Private,115579, Assoc-voc,11, Never-married, Tech-support, Own-child, Female,0,0,38, United-States,0 +36, Private,207157, Some-college,10, Divorced, Other-service, Unmarried, Female,0,0,40, Mexico,0 +38, Local-gov,286405, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Male,0,1887,50, United-States,1 +26, Private,33610, HS-grad,9, Divorced, Other-service, Other-relative, Male,0,0,40, United-States,0 +63, ?,46907, Bachelors,13, Married-civ-spouse, ?, Husband, Male,0,0,8, United-States,1 +41, Private,126850, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, Philippines,0 +59, Federal-gov,176317, 10th,6, Divorced, Other-service, Not-in-family, Female,0,0,37, United-States,0 +23, Private,297152, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,25, United-States,0 +44, Private,175641, 11th,7, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +53, Private,218630, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +22, Private,60668, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +18, Private,198614, 11th,7, Never-married, Sales, Own-child, Female,0,0,8, United-States,0 +32, Private,163530, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +38, Private,156550, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,0 +30, Private,159888, Bachelors,13, Never-married, Sales, Not-in-family, Male,0,0,60, United-States,1 +32, State-gov,131588, Some-college,10, Never-married, Tech-support, Unmarried, Female,0,0,20, United-States,0 +46, Private,54985, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,1887,40, United-States,1 +24, ?,32616, Bachelors,13, Divorced, ?, Not-in-family, Female,0,0,40, United-States,0 +43, Self-emp-not-inc,180599, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,35, United-States,0 +37, Self-emp-not-inc,154641, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Male,0,0,86, United-States,0 +46, Private,62793, HS-grad,9, Divorced, Sales, Other-relative, Female,0,0,40, United-States,0 +50, Private,128814, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,25, United-States,0 +41, Private,265266, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,0 +58, Self-emp-inc,154537, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,20, United-States,1 +35, ?,98389, Some-college,10, Never-married, ?, Unmarried, Male,0,0,10, United-States,0 +21, Private,434710, Some-college,10, Never-married, Sales, Not-in-family, Female,0,0,15, United-States,0 +42, Private,179557, Some-college,10, Divorced, Tech-support, Not-in-family, Female,0,0,40, United-States,0 +35, Local-gov,38948, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,50, United-States,0 +21, Private,306850, HS-grad,9, Never-married, Transport-moving, Own-child, Male,0,0,40, United-States,0 +33, ?,160776, Assoc-voc,11, Divorced, ?, Not-in-family, Female,0,0,40, France,0 +19, Private,71650, HS-grad,9, Never-married, Farming-fishing, Own-child, Male,0,0,40, United-States,0 +39, Federal-gov,235485, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, Male,0,0,42, United-States,0 +31, Private,211334, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,2407,0,65, United-States,0 +27, ?,249463, Assoc-voc,11, Married-civ-spouse, ?, Husband, Male,0,0,20, United-States,0 +47, Private,184579, Some-college,10, Married-civ-spouse, Tech-support, Husband, Male,0,0,60, United-States,0 +18, Private,141918, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,22, United-States,0 +20, State-gov,37482, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +60, Private,127084, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,2042,34, United-States,0 +21, Private,119704, Some-college,10, Never-married, Sales, Unmarried, Female,0,0,35, United-States,0 +30, Private,184687, HS-grad,9, Never-married, Prof-specialty, Own-child, Female,0,0,30, United-States,0 +32, Private,102986, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, Female,0,0,40, Laos,1 +32, Private,33678, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,50, United-States,1 +37, Self-emp-not-inc,245372, Bachelors,13, Divorced, Tech-support, Not-in-family, Male,0,0,15, United-States,0 +44, Private,240043, 10th,6, Married-spouse-absent, Adm-clerical, Unmarried, Female,0,0,30, United-States,0 +54, Private,182187, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Male,15024,0,38, Jamaica,1 +19, Private,111232, 12th,8, Never-married, Transport-moving, Own-child, Male,0,0,15, United-States,0 +59, Self-emp-not-inc,70623, 7th-8th,4, Married-civ-spouse, Sales, Husband, Male,0,0,85, United-States,0 +50, Private,171924, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,43, United-States,1 +25, Private,248990, 1st-4th,2, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,24, Mexico,0 +39, Local-gov,178100, Masters,14, Divorced, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +45, Private,26781, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,8, United-States,0 +18, ?,245274, Some-college,10, Never-married, ?, Own-child, Male,0,0,16, United-States,0 +57, Private,300104, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,84, United-States,1 +23, Private,157127, Some-college,10, Never-married, Other-service, Not-in-family, Female,0,0,20, United-States,0 +46, Self-emp-not-inc,28281, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,1 +55, Private,98746, Some-college,10, Married-civ-spouse, Tech-support, Husband, Male,0,0,50, Canada,1 +45, Private,102559, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, Canada,1 +57, ?,199114, 10th,6, Separated, ?, Not-in-family, Male,0,0,30, United-States,0 +40, Local-gov,141649, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +42, Private,29962, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +55, Self-emp-not-inc,184702, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +58, Federal-gov,139290, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,1 +29, Private,261725, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,0,35, United-States,0 +21, Private,131811, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +47, Federal-gov,204900, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,0 +25, Private,183575, 11th,7, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +40, Private,155767, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Male,0,0,40, United-States,0 +26, Federal-gov,352768, HS-grad,9, Divorced, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +50, Private,65408, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,1 +39, Private,297449, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +51, Private,302579, HS-grad,9, Divorced, Other-service, Other-relative, Female,0,0,30, United-States,0 +17, Private,57723, 11th,7, Never-married, Sales, Own-child, Male,0,0,30, United-States,0 +23, Private,311376, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +44, Local-gov,387844, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +19, Private,286002, Some-college,10, Never-married, Adm-clerical, Other-relative, Male,0,0,30, Nicaragua,0 +65, Private,176796, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +27, Private,492263, 10th,6, Separated, Machine-op-inspct, Own-child, Male,0,0,35, Mexico,0 +43, Private,195212, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,40, ?,0 +30, Private,205407, HS-grad,9, Never-married, Adm-clerical, Unmarried, Male,0,0,40, United-States,0 +43, State-gov,144811, Prof-school,15, Divorced, Prof-specialty, Not-in-family, Male,0,0,50, United-States,0 +71, ?,35303, Bachelors,13, Married-civ-spouse, ?, Husband, Male,9386,0,30, United-States,1 +26, Private,184872, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,55, United-States,1 +21, Private,319163, Some-college,10, Never-married, Transport-moving, Own-child, Male,0,0,40, United-States,0 +22, Private,496856, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,40, United-States,0 +50, Private,195784, 12th,8, Divorced, Handlers-cleaners, Unmarried, Male,0,0,40, United-States,0 +22, Private,401762, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,55, United-States,0 +33, Private,160784, 10th,6, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +42, Private,137698, 5th-6th,3, Married-spouse-absent, Farming-fishing, Not-in-family, Male,0,0,35, Mexico,0 +19, Private,418324, Some-college,10, Never-married, Sales, Own-child, Male,0,0,36, United-States,0 +31, Private,127610, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,1 +43, Local-gov,143828, Masters,14, Divorced, Prof-specialty, Unmarried, Female,9562,0,40, United-States,1 +53, Private,227602, HS-grad,9, Divorced, Sales, Not-in-family, Female,0,0,37, Mexico,0 +36, Private,126954, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +52, Private,117674, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +46, Local-gov,200947, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +52, Private,318975, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, Cuba,0 +58, Private,68624, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,0 +40, Private,37618, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, ?,0 +28, Private,27956, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,99, Philippines,0 +46, Private,35406, 7th-8th,4, Separated, Other-service, Not-in-family, Female,0,0,32, United-States,0 +70, ?,133248, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,14, United-States,0 +31, Private,191834, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +25, Private,336440, Some-college,10, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +27, Private,177398, HS-grad,9, Never-married, Other-service, Unmarried, Female,0,0,64, United-States,0 +28, Private,51331, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,16, United-States,1 +48, Private,219565, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +33, Private,111363, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +41, Private,209547, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +36, Self-emp-not-inc,20333, HS-grad,9, Married-civ-spouse, Sales, Wife, Female,7688,0,40, United-States,1 +47, Private,176140, HS-grad,9, Divorced, Exec-managerial, Unmarried, Female,0,0,40, United-States,1 +23, Local-gov,144165, Bachelors,13, Never-married, Prof-specialty, Own-child, Male,0,0,30, United-States,0 +32, Private,37380, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,38, United-States,0 +47, Self-emp-not-inc,174533, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +60, Private,243829, Masters,14, Divorced, Prof-specialty, Not-in-family, Female,0,0,50, United-States,0 +35, Private,186886, HS-grad,9, Divorced, Exec-managerial, Unmarried, Female,0,0,55, United-States,0 +17, Private,150106, 10th,6, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +52, Local-gov,378045, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,45, United-States,0 +45, Private,169092, HS-grad,9, Divorced, Sales, Not-in-family, Female,0,0,55, United-States,0 +34, Self-emp-not-inc,204052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +31, State-gov,33308, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +18, Private,39222, 11th,7, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +36, Private,183902, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,4, United-States,1 +48, State-gov,170142, Masters,14, Divorced, Prof-specialty, Not-in-family, Male,0,0,40, United-States,1 +29, Private,490332, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,45, United-States,1 +52, State-gov,349795, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,0 +33, Local-gov,267859, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,0 +34, Self-emp-inc,186824, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,40, United-States,1 +38, Private,133586, HS-grad,9, Married-civ-spouse, Protective-serv, Own-child, Male,0,0,45, United-States,0 +49, Private,403112, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,32, United-States,0 +38, Private,143538, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Female,0,0,40, United-States,0 +63, ?,301611, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,20, United-States,0 +21, Private,141453, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,40, United-States,0 +47, Private,169549, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +33, Federal-gov,182714, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Female,0,0,65, United-States,1 +42, Private,366180, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,1 +54, Private,183611, Some-college,10, Married-civ-spouse, Sales, Husband, Male,3137,0,50, United-States,0 +36, Private,357619, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,60, Germany,0 +79, Self-emp-not-inc,158319, HS-grad,9, Widowed, Other-service, Not-in-family, Female,0,0,24, United-States,0 +41, Self-emp-not-inc,111772, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, Male,0,1887,40, United-States,1 +33, Private,96635, Some-college,10, Never-married, Sales, Not-in-family, Male,0,0,26, South,0 +65, Private,386672, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,15, United-States,0 +48, Local-gov,115497, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +32, Self-emp-not-inc,84119, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +22, Private,175883, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +43, Private,60001, Bachelors,13, Divorced, Sales, Unmarried, Male,0,0,44, United-States,1 +38, Private,193815, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, Italy,0 +31, Private,219318, HS-grad,9, Never-married, Adm-clerical, Unmarried, Female,0,0,35, Puerto-Rico,0 +58, Private,127264, 10th,6, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +27, Private,131310, HS-grad,9, Married-civ-spouse, Other-service, Wife, Female,0,0,40, United-States,1 +33, Private,279524, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Female,0,0,40, United-States,0 +23, Private,205865, Bachelors,13, Never-married, Exec-managerial, Own-child, Male,0,0,28, United-States,0 +34, Private,114691, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +33, Self-emp-not-inc,182926, Bachelors,13, Never-married, Transport-moving, Not-in-family, Male,0,0,40, ?,0 +47, Local-gov,324791, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,1887,50, United-States,1 +41, Private,331651, Prof-school,15, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,50, Japan,1 +71, ?,100820, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,2489,15, United-States,0 +39, Self-emp-not-inc,363418, Bachelors,13, Separated, Craft-repair, Own-child, Male,0,0,35, United-States,0 +29, Private,290740, Assoc-acdm,12, Never-married, Priv-house-serv, Not-in-family, Female,0,0,50, United-States,0 +29, State-gov,188986, Assoc-voc,11, Never-married, Tech-support, Not-in-family, Female,0,1590,64, United-States,0 +21, ?,170272, Some-college,10, Never-married, ?, Own-child, Female,0,0,25, United-States,0 +54, Private,205337, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,50, United-States,1 +48, Private,185039, HS-grad,9, Divorced, Sales, Unmarried, Female,0,0,30, United-States,0 +56, Private,183884, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +50, Private,72351, Bachelors,13, Divorced, Sales, Not-in-family, Male,0,0,45, United-States,0 +58, Self-emp-not-inc,147653, 10th,6, Married-civ-spouse, Craft-repair, Wife, Female,0,1977,35, ?,1 +30, Private,158200, Prof-school,15, Never-married, Prof-specialty, Own-child, Female,0,0,40, ?,0 +41, Private,84610, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,1902,60, United-States,1 +67, Private,336163, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,24, United-States,0 +55, Private,247552, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,56, United-States,0 +37, Private,34378, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,35, United-States,0 +22, Private,321031, HS-grad,9, Never-married, Sales, Own-child, Female,0,0,40, United-States,0 +28, Private,213081, 11th,7, Never-married, Other-service, Not-in-family, Female,0,0,40, Jamaica,0 +26, Local-gov,202286, Bachelors,13, Never-married, Tech-support, Own-child, Male,0,0,40, United-States,0 +18, Private,294387, 11th,7, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +33, State-gov,332379, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +61, Private,203126, Bachelors,13, Divorced, Priv-house-serv, Not-in-family, Female,0,0,12, ?,0 +20, Private,51816, HS-grad,9, Never-married, Protective-serv, Own-child, Male,0,0,40, United-States,0 +22, Federal-gov,57216, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,20, United-States,0 +48, Private,108699, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +38, Private,126675, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,2205,40, United-States,0 +69, Self-emp-inc,106395, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,1 +69, ?,163595, HS-grad,9, Widowed, ?, Not-in-family, Female,0,0,20, United-States,0 +33, Private,127215, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,48, United-States,1 +79, Self-emp-inc,97082, 12th,8, Widowed, Sales, Not-in-family, Male,18481,0,45, United-States,1 +41, Private,173858, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, China,0 +26, Private,239390, Bachelors,13, Never-married, Sales, Own-child, Male,0,0,18, United-States,0 +39, Private,187847, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Male,0,0,50, United-States,0 +35, Self-emp-inc,202027, Some-college,10, Divorced, Exec-managerial, Not-in-family, Male,0,0,60, United-States,0 +47, Private,70943, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,5178,0,40, United-States,1 +36, Private,225399, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,7298,0,40, United-States,1 +52, Private,117700, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +36, State-gov,47570, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +19, ?,105460, Some-college,10, Never-married, ?, Own-child, Male,0,0,20, England,0 +32, Private,63564, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,40, United-States,0 +44, Private,124924, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, Mexico,0 +61, Private,35649, Some-college,10, Married-civ-spouse, Other-service, Husband, Male,0,0,6, United-States,0 +56, Private,83196, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +31, Private,113838, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,45, United-States,0 +23, Private,177526, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +43, Private,265266, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +53, Self-emp-not-inc,152652, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,50, United-States,0 +34, Private,100669, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +52, Private,260938, Masters,14, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +51, Self-emp-not-inc,135102, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,65, United-States,0 +37, Private,113120, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +68, Self-emp-not-inc,336329, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,10, United-States,0 +42, Local-gov,121012, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +44, Self-emp-not-inc,120539, Bachelors,13, Never-married, Sales, Not-in-family, Male,0,0,50, United-States,1 +70, ?,410980, Some-college,10, Married-civ-spouse, ?, Husband, Male,0,0,10, United-States,1 +51, Private,673764, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +37, Private,170563, Assoc-voc,11, Separated, Prof-specialty, Unmarried, Female,0,0,32, United-States,0 +57, Private,140426, 1st-4th,2, Married-spouse-absent, Other-service, Not-in-family, Male,0,0,35, ?,0 +18, Self-emp-inc,38307, 11th,7, Never-married, Farming-fishing, Own-child, Male,0,0,30, United-States,0 +52, Private,141301, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Female,0,0,40, United-States,0 +33, Private,180551, HS-grad,9, Divorced, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +39, Private,194287, 7th-8th,4, Never-married, Other-service, Own-child, Male,0,1602,35, United-States,0 +63, Private,137843, Some-college,10, Married-civ-spouse, Sales, Husband, Male,7298,0,48, United-States,1 +54, Private,165278, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +33, Private,213308, Assoc-voc,11, Separated, Adm-clerical, Own-child, Female,0,0,50, United-States,0 +20, Private,203240, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Female,0,0,30, United-States,0 +51, Private,360131, 5th-6th,3, Married-civ-spouse, Craft-repair, Other-relative, Female,0,0,40, United-States,0 +29, Private,194200, Some-college,10, Never-married, Machine-op-inspct, Own-child, Male,0,0,45, United-States,0 +41, Private,124956, Bachelors,13, Divorced, Exec-managerial, Unmarried, Female,0,0,90, United-States,1 +25, Private,63062, Some-college,10, Never-married, Farming-fishing, Own-child, Male,0,0,60, United-States,0 +51, Private,172281, Bachelors,13, Separated, Sales, Not-in-family, Male,0,0,40, United-States,0 +32, Private,124187, 9th,5, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +24, Private,211160, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +44, Private,373050, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +44, Private,215479, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,20, Haiti,0 +72, ?,75890, Some-college,10, Widowed, ?, Unmarried, Female,0,0,4, United-States,0 +26, Private,139098, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,5013,0,40, United-States,0 +20, Private,173736, 9th,5, Never-married, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +59, Local-gov,165695, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +54, Self-emp-not-inc,42924, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,0 +22, Private,364342, Assoc-voc,11, Never-married, Sales, Not-in-family, Female,0,0,25, United-States,0 +18, Private,104704, HS-grad,9, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +58, Private,100960, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +56, Private,146326, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,50, United-States,0 +61, Private,232308, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,45, United-States,1 +29, Self-emp-not-inc,405083, HS-grad,9, Never-married, Sales, Not-in-family, Male,0,0,40, United-States,0 +52, Local-gov,298035, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +33, Local-gov,70164, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,60, United-States,0 +40, Private,165309, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,43, United-States,0 +27, Private,43652, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +29, Federal-gov,119848, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +24, Self-emp-not-inc,166036, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,60, United-States,0 +36, State-gov,180752, Bachelors,13, Never-married, Protective-serv, Unmarried, Female,0,0,40, United-States,0 +52, State-gov,135388, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,5013,0,40, United-States,0 +24, Private,223367, 11th,7, Never-married, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +35, Private,194809, 11th,7, Divorced, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +21, Private,123727, HS-grad,9, Never-married, Exec-managerial, Other-relative, Female,0,0,40, United-States,0 +64, Private,149775, Masters,14, Never-married, Prof-specialty, Other-relative, Female,0,0,8, United-States,0 +42, Self-emp-not-inc,69333, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, Male,4386,0,80, United-States,1 +62, ?,203126, 9th,5, Never-married, ?, Unmarried, Female,0,0,40, Dominican-Republic,0 +64, Private,22186, Some-college,10, Widowed, Tech-support, Not-in-family, Female,0,0,35, United-States,0 +49, Private,266150, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Female,0,0,40, United-States,0 +22, Private,324922, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,50, United-States,0 +41, Private,216461, Some-college,10, Divorced, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +22, Federal-gov,274103, Bachelors,13, Never-married, Prof-specialty, Own-child, Male,0,0,10, United-States,0 +38, Private,102938, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +25, Private,208591, Bachelors,13, Never-married, Prof-specialty, Own-child, Male,0,0,40, United-States,0 +32, Private,175856, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +27, Private,387776, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +26, Private,28856, Bachelors,13, Never-married, Tech-support, Not-in-family, Female,0,0,40, United-States,0 +58, Self-emp-not-inc,99141, HS-grad,9, Divorced, Farming-fishing, Unmarried, Female,0,0,10, United-States,0 +41, Local-gov,401134, Bachelors,13, Divorced, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +63, ?,334741, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,20, United-States,0 +38, Local-gov,282753, Assoc-voc,11, Divorced, Exec-managerial, Own-child, Male,0,0,40, United-States,0 +27, Self-emp-inc,153546, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, Female,0,0,36, United-States,1 +34, Private,209449, Some-college,10, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,1 +17, Local-gov,308901, 11th,7, Never-married, Adm-clerical, Own-child, Female,0,0,15, United-States,0 +21, Private,394484, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +40, Self-emp-not-inc,98985, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Male,0,0,50, United-States,0 +34, Private,206297, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,48, United-States,1 +67, Self-emp-not-inc,431426, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, Female,20051,0,4, United-States,1 +27, Local-gov,123773, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +24, Private,308285, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +20, Private,173851, Some-college,10, Never-married, Farming-fishing, Own-child, Male,0,0,40, United-States,0 +60, Private,54800, HS-grad,9, Married-civ-spouse, Other-service, Wife, Female,0,0,40, United-States,0 +45, State-gov,320818, Some-college,10, Married-spouse-absent, Other-service, Other-relative, Male,0,0,40, Haiti,0 +23, Private,173851, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +39, Federal-gov,232036, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,1 +28, Private,104024, Some-college,10, Never-married, Sales, Other-relative, Female,0,0,40, United-States,0 +34, Private,210736, Some-college,10, Separated, Adm-clerical, Unmarried, Female,0,0,40, ?,0 +52, Private,87205, HS-grad,9, Divorced, Other-service, Not-in-family, Female,0,0,38, United-States,0 +32, Private,115989, 11th,7, Married-civ-spouse, Other-service, Wife, Female,0,0,60, United-States,0 +41, Private,102085, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +27, Private,29904, Bachelors,13, Never-married, Tech-support, Not-in-family, Female,0,0,40, United-States,0 +24, Private,88676, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,35, United-States,0 +46, Private,179048, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,35, ?,0 +18, Private,167979, 11th,7, Never-married, Sales, Own-child, Male,0,0,15, United-States,0 +31, Private,139753, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +19, Private,163578, Some-college,10, Never-married, Sales, Own-child, Male,0,0,30, United-States,0 +27, Private,381789, 12th,8, Married-civ-spouse, Farming-fishing, Own-child, Male,0,0,55, United-States,0 +27, Private,85625, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,22, United-States,0 +47, Private,304133, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,0 +56, Private,143030, HS-grad,9, Divorced, Craft-repair, Unmarried, Female,0,0,40, United-States,0 +21, ?,163665, Some-college,10, Never-married, ?, Own-child, Female,0,0,40, United-States,0 +24, Private,283613, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +20, Private,170091, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,10, United-States,0 +40, Private,694812, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +39, Private,200153, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +36, Private,192614, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Male,0,0,56, United-States,0 +54, Self-emp-inc,166459, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,99999,0,60, United-States,1 +44, Private,165492, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +35, Federal-gov,76845, 9th,5, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +65, Private,113323, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +34, Private,226525, Assoc-voc,11, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +47, Private,266275, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +55, Private,105304, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +42, Local-gov,55363, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,55, United-States,1 +40, Private,205175, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Female,0,0,37, United-States,0 +42, State-gov,202011, Some-college,10, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +44, Private,173704, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +18, Private,282609, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, Male,0,0,30, Honduras,0 +37, Self-emp-inc,51264, Assoc-voc,11, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +45, Private,129387, Assoc-acdm,12, Divorced, Tech-support, Unmarried, Female,0,0,40, ?,0 +38, Private,125933, Bachelors,13, Separated, Exec-managerial, Not-in-family, Male,27828,0,45, United-States,1 +54, Private,175912, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Male,914,0,40, United-States,0 +42, Private,79586, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,1 +17, Private,228253, 10th,6, Never-married, Handlers-cleaners, Own-child, Male,0,0,10, United-States,0 +45, Private,363087, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +39, Private,175681, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, ?,0 +57, Private,314153, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,1887,55, United-States,1 +50, Private,191062, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +65, Private,105252, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,1 +65, Private,105116, Some-college,10, Widowed, Adm-clerical, Not-in-family, Female,2346,0,40, United-States,0 +32, Private,188245, 11th,7, Never-married, Priv-house-serv, Unmarried, Female,0,0,40, United-States,0 +56, Private,189975, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,1902,60, United-States,1 +32, Private,209103, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,3464,0,40, United-States,0 +24, Private,329530, 9th,5, Married-civ-spouse, Sales, Husband, Male,0,0,45, Mexico,0 +58, Private,105060, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,37, United-States,0 +46, Federal-gov,219293, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,80, United-States,1 +44, Private,197344, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,50, United-States,0 +58, Private,142924, Masters,14, Never-married, Adm-clerical, Not-in-family, Female,0,0,24, United-States,1 +75, Self-emp-not-inc,192813, Masters,14, Widowed, Sales, Not-in-family, Male,0,0,45, United-States,0 +25, Self-emp-not-inc,189027, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,30, United-States,0 +41, Local-gov,174491, HS-grad,9, Separated, Other-service, Unmarried, Female,0,0,40, United-States,0 +43, Private,48193, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,0 +21, Private,236696, Some-college,10, Never-married, Other-service, Not-in-family, Male,0,0,57, United-States,0 +34, Self-emp-inc,215382, Masters,14, Separated, Prof-specialty, Not-in-family, Female,4787,0,40, United-States,1 +32, Private,188048, Bachelors,13, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +48, Self-emp-inc,250674, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,0 +23, Private,231160, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,25, United-States,0 +61, Private,153790, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +35, ?,163582, 10th,6, Divorced, ?, Unmarried, Female,0,0,16, ?,0 +21, Private,235442, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +38, Private,127601, Some-college,10, Married-civ-spouse, Handlers-cleaners, Wife, Female,0,0,35, United-States,0 +52, Private,181755, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +35, Private,241306, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,45, United-States,0 +23, Private,216889, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +27, State-gov,553473, Bachelors,13, Married-civ-spouse, Protective-serv, Wife, Female,0,0,48, United-States,0 +38, Private,103456, Bachelors,13, Separated, Prof-specialty, Unmarried, Male,0,0,40, United-States,0 +34, State-gov,278378, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +32, Local-gov,100135, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,35, United-States,1 +46, Local-gov,175428, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +42, Private,126098, HS-grad,9, Separated, Craft-repair, Unmarried, Female,0,0,40, United-States,0 +24, Private,192766, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +22, Private,231912, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Female,0,0,37, United-States,0 +46, Private,104632, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, Cambodia,1 +42, Private,149210, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,7298,0,45, United-States,1 +19, Private,28145, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,52, United-States,0 +24, Private,210781, Bachelors,13, Never-married, Priv-house-serv, Not-in-family, Female,0,0,40, France,0 +55, Private,104996, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Male,0,0,50, United-States,0 +33, Private,275632, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +19, Private,459248, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,30, United-States,0 +69, Self-emp-not-inc,104003, 7th-8th,4, Married-civ-spouse, Sales, Husband, Male,0,0,55, United-States,0 +29, Private,209472, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,38, United-States,0 +57, Self-emp-inc,119253, Masters,14, Married-civ-spouse, Sales, Husband, Male,15024,0,65, United-States,1 +20, ?,43587, HS-grad,9, Married-spouse-absent, ?, Not-in-family, Female,0,0,35, United-States,0 +52, Private,117295, 1st-4th,2, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +27, Private,21856, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +26, Private,94392, 11th,7, Separated, Other-service, Unmarried, Female,0,0,20, United-States,0 +60, Private,178312, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,7298,0,65, United-States,1 +28, Local-gov,34452, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +56, Private,266091, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,2907,0,52, Cuba,0 +34, Local-gov,209213, Bachelors,13, Never-married, Prof-specialty, Other-relative, Male,0,0,15, United-States,0 +25, Private,165622, Masters,14, Never-married, Sales, Not-in-family, Male,0,0,55, United-States,0 +33, Federal-gov,615893, Masters,14, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, Nicaragua,0 +32, Private,118551, Masters,14, Never-married, Exec-managerial, Not-in-family, Female,0,0,45, United-States,1 +45, Self-emp-not-inc,123681, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,30, United-States,0 +51, Private,204304, Some-college,10, Divorced, Exec-managerial, Not-in-family, Female,0,0,50, United-States,1 +31, Self-emp-inc,304212, Some-college,10, Never-married, Exec-managerial, Own-child, Male,0,0,45, United-States,0 +46, Private,376789, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,15, United-States,0 +37, Private,195189, Some-college,10, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +43, Private,250802, Some-college,10, Divorced, Craft-repair, Unmarried, Male,0,0,35, United-States,0 +28, Self-emp-not-inc,33035, 12th,8, Divorced, Other-service, Unmarried, Female,0,0,30, United-States,0 +19, State-gov,354104, Some-college,10, Never-married, Prof-specialty, Own-child, Male,0,0,10, United-States,0 +18, Private,335065, 7th-8th,4, Never-married, Sales, Own-child, Male,0,0,30, Mexico,0 +40, Private,346964, HS-grad,9, Divorced, Tech-support, Unmarried, Female,0,0,40, United-States,0 +56, Self-emp-inc,70720, Masters,14, Divorced, Exec-managerial, Not-in-family, Male,27828,0,60, United-States,1 +30, Private,109282, Some-college,10, Never-married, Sales, Own-child, Male,0,0,20, United-States,0 +21, Private,191460, 11th,7, Never-married, Other-service, Unmarried, Female,0,0,40, United-States,0 +76, Private,98695, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,20, United-States,0 +42, Local-gov,176716, Masters,14, Divorced, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +52, Private,213209, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +18, Private,236272, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,35, United-States,0 +44, Self-emp-inc,121352, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +58, Self-emp-not-inc,118253, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,70, United-States,0 +32, Private,79586, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, India,0 +28, Private,213276, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +22, Private,206974, Bachelors,13, Never-married, Sales, Not-in-family, Female,0,0,40, United-States,0 +40, Private,382499, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,50, United-States,0 +20, Private,209955, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,25, United-States,0 +45, Private,197240, 12th,8, Married-civ-spouse, Sales, Husband, Male,7688,0,40, United-States,1 +40, Private,137142, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,0 +42, Private,121718, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, Germany,0 +52, Private,138497, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +35, Private,139012, Bachelors,13, Married-civ-spouse, Other-service, Husband, Male,0,0,40, Vietnam,0 +30, Self-emp-inc,127651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,1887,48, United-States,1 +36, Private,182074, Some-college,10, Divorced, Adm-clerical, Not-in-family, Male,0,0,45, United-States,0 +24, Private,200967, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Female,0,0,36, United-States,0 +20, ?,119156, Some-college,10, Never-married, ?, Own-child, Male,0,0,20, United-States,0 +31, Private,212235, Some-college,10, Never-married, Sales, Not-in-family, Male,0,0,45, United-States,0 +51, ?,521665, Some-college,10, Married-civ-spouse, ?, Husband, Male,0,0,24, United-States,0 +20, Private,211345, Some-college,10, Never-married, Handlers-cleaners, Own-child, Female,0,0,20, United-States,0 +25, Private,233461, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, Male,0,0,30, United-States,0 +28, Private,148645, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Female,0,0,40, United-States,0 +55, Private,199067, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,42, United-States,1 +47, Private,141511, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,1 +37, Self-emp-not-inc,415847, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +33, Private,235109, HS-grad,9, Never-married, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +28, Private,167336, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,45, United-States,1 +46, Private,79874, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,53, United-States,1 +38, Private,374524, Some-college,10, Never-married, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +33, Private,143540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +43, Private,194636, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,48, United-States,1 +56, Private,98809, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, Female,5013,0,45, United-States,0 +44, Self-emp-not-inc,201742, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,2415,50, United-States,1 +19, Local-gov,169853, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +38, Private,331395, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, Male,3942,0,84, Portugal,0 +35, Private,143152, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,3908,0,27, United-States,0 +28, Private,110981, Some-college,10, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +42, Self-emp-not-inc,344920, Some-college,10, Married-civ-spouse, Farming-fishing, Wife, Female,0,0,50, United-States,0 +22, Private,197838, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +28, Private,25955, Some-college,10, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +71, Federal-gov,149386, HS-grad,9, Widowed, Exec-managerial, Not-in-family, Male,0,0,9, United-States,0 +32, Private,316769, 11th,7, Never-married, Other-service, Unmarried, Female,0,0,40, Jamaica,0 +34, Private,199227, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,50, United-States,0 +25, Private,207875, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, Mexico,0 +24, State-gov,165201, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,45, United-States,0 +28, Private,70034, 7th-8th,4, Never-married, Adm-clerical, Own-child, Male,0,0,40, Portugal,0 +28, Private,338376, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,50, United-States,1 +43, Private,115178, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,1 +37, Private,105803, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +51, Private,43354, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +45, Private,188432, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +52, Private,84451, Assoc-voc,11, Divorced, Other-service, Not-in-family, Male,0,0,32, United-States,0 +40, State-gov,177083, Masters,14, Never-married, Exec-managerial, Not-in-family, Female,0,0,35, United-States,0 +29, Private,213692, Some-college,10, Never-married, Craft-repair, Own-child, Male,0,0,45, United-States,0 +43, State-gov,255835, Some-college,10, Divorced, Adm-clerical, Other-relative, Female,0,0,40, United-States,0 +28, Private,141957, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,0 +32, Private,101562, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,45, United-States,0 +41, Private,207578, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, India,1 +20, Private,400443, HS-grad,9, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +48, Private,155509, Some-college,10, Never-married, Craft-repair, Not-in-family, Female,0,0,40, United-States,0 +27, Self-emp-not-inc,41099, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,30, United-States,0 +68, Local-gov,144761, HS-grad,9, Widowed, Protective-serv, Not-in-family, Male,0,1668,20, United-States,0 +33, Private,58305, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +32, ?,647882, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, ?,0 +41, Self-emp-inc,94113, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,1 +19, Private,184759, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,26, United-States,0 +40, State-gov,269733, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +55, Local-gov,165695, HS-grad,9, Divorced, Adm-clerical, Unmarried, Male,0,0,40, United-States,0 +19, Private,304643, Some-college,10, Never-married, Sales, Own-child, Male,0,0,20, United-States,0 +65, Private,194456, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, England,1 +49, Self-emp-inc,119565, Masters,14, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +31, Private,306459, 1st-4th,2, Separated, Handlers-cleaners, Unmarried, Male,0,0,35, Honduras,0 +30, Private,236993, Some-college,10, Never-married, Adm-clerical, Unmarried, Female,0,0,30, United-States,0 +18, ?,42293, 10th,6, Never-married, ?, Own-child, Female,0,0,30, United-States,0 +43, State-gov,114508, HS-grad,9, Divorced, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +17, Private,438996, 10th,6, Never-married, Other-service, Other-relative, Male,0,0,40, Mexico,0 +48, State-gov,122086, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,0 +46, Federal-gov,344415, Masters,14, Married-civ-spouse, Armed-Forces, Husband, Male,0,1887,40, United-States,1 +20, Private,243178, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,28, United-States,0 +44, Private,177083, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +51, Private,137815, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,7298,0,40, United-States,1 +40, Private,199303, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +65, Private,23580, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +23, State-gov,241951, Some-college,10, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +21, Self-emp-not-inc,99199, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +33, Private,86143, Some-college,10, Never-married, Exec-managerial, Own-child, Male,0,0,40, Philippines,0 +37, Private,179468, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +40, Private,279679, Some-college,10, Divorced, Exec-managerial, Not-in-family, Male,0,0,45, United-States,0 +32, Private,174789, HS-grad,9, Never-married, Craft-repair, Other-relative, Male,0,0,50, United-States,0 +58, Private,234213, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,14344,0,48, United-States,1 +42, Local-gov,29075, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,0 +44, Local-gov,177937, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,36, United-States,1 +28, ?,168524, Assoc-voc,11, Married-civ-spouse, ?, Own-child, Female,0,0,40, United-States,0 +28, Private,227104, Some-college,10, Divorced, Sales, Not-in-family, Male,0,0,30, United-States,0 +38, Private,66686, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +36, Private,240323, Some-college,10, Widowed, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +62, ?,181063, 10th,6, Widowed, ?, Not-in-family, Female,0,0,30, United-States,0 +25, Local-gov,125863, Bachelors,13, Never-married, Prof-specialty, Own-child, Male,0,0,35, United-States,0 +53, Private,167033, Some-college,10, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +34, Private,153927, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +37, Federal-gov,90881, Some-college,10, Separated, Exec-managerial, Not-in-family, Male,8614,0,55, United-States,1 +50, Local-gov,169182, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,49, Dominican-Republic,0 +34, Private,106761, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +54, Private,174319, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +58, Self-emp-not-inc,196403, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,10, United-States,1 +22, ?,31102, Some-college,10, Never-married, ?, Own-child, Female,0,0,4, South,0 +48, Local-gov,144122, Masters,14, Divorced, Prof-specialty, Not-in-family, Female,0,0,40, United-States,1 +37, Private,112660, 9th,5, Divorced, Craft-repair, Own-child, Male,0,0,35, United-States,0 +51, Private,92463, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +59, Private,99131, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +37, Private,401998, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Female,0,0,20, United-States,0 +40, Local-gov,33274, HS-grad,9, Divorced, Other-service, Not-in-family, Female,0,0,50, United-States,0 +30, Local-gov,73796, Bachelors,13, Separated, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +43, ?,109912, Bachelors,13, Married-civ-spouse, ?, Wife, Female,0,0,7, United-States,1 +20, Private,41721, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,60, United-States,0 +23, Private,107801, Bachelors,13, Never-married, Adm-clerical, Own-child, Female,0,0,20, United-States,0 +32, State-gov,213389, Some-college,10, Divorced, Protective-serv, Unmarried, Female,0,1726,38, United-States,0 +32, State-gov,203849, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,19, United-States,0 +31, Private,227325, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +55, Self-emp-not-inc,161334, HS-grad,9, Widowed, Other-service, Not-in-family, Female,0,0,25, Nicaragua,0 +37, Private,323155, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,85, Mexico,0 +53, Local-gov,197054, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +46, Private,110171, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,50, United-States,1 +37, Local-gov,312232, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Male,5178,0,40, United-States,1 +53, Private,171924, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Male,14344,0,55, United-States,1 +46, Private,164427, HS-grad,9, Divorced, Adm-clerical, Own-child, Female,0,0,45, United-States,0 +33, Private,153151, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,4416,0,40, United-States,0 +32, Private,100662, 9th,5, Separated, Machine-op-inspct, Unmarried, Female,0,0,40, Columbia,0 +50, Private,77905, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Female,0,0,8, United-States,0 +34, Private,609789, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,30, ?,0 +76, Private,203910, HS-grad,9, Widowed, Other-service, Not-in-family, Male,0,0,17, United-States,0 +32, Private,237478, 11th,7, Divorced, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +37, Private,218188, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, Female,0,0,32, United-States,0 +31, Private,185480, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, ?,1 +58, Private,147653, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,32, United-States,0 +24, Private,270517, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,40, Mexico,0 +28, Private,282389, HS-grad,9, Never-married, Transport-moving, Not-in-family, Male,0,0,60, United-States,0 +29, Private,152503, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,45, United-States,0 +46, Private,213611, 7th-8th,4, Married-spouse-absent, Priv-house-serv, Unmarried, Female,0,1594,24, Guatemala,0 +42, Private,70055, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +18, Private,141626, Some-college,10, Never-married, Tech-support, Own-child, Male,2176,0,20, United-States,0 +90, Private,88991, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,40, England,1 +22, Private,89991, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,11, United-States,0 +21, Private,199444, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,44, United-States,0 +28, Private,25955, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +23, Private,265356, Bachelors,13, Never-married, Exec-managerial, Unmarried, Male,0,0,40, United-States,0 +38, Self-emp-not-inc,203836, 5th-6th,3, Never-married, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +35, State-gov,211115, Some-college,10, Never-married, Protective-serv, Not-in-family, Male,0,0,40, United-States,0 +21, Private,68358, Some-college,10, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +25, Private,252187, 11th,7, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +38, Private,23892, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Female,0,0,40, United-States,0 +32, Private,29933, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,50, United-States,1 +74, ?,33114, 10th,6, Married-civ-spouse, ?, Husband, Male,1797,0,30, United-States,0 +61, ?,116230, Bachelors,13, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,1 +56, Private,117148, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, Female,0,0,40, United-States,0 +31, Private,56026, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +55, Self-emp-inc,67433, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,0 +27, Private,328981, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Male,0,0,40, United-States,0 +45, Private,357540, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,2002,55, United-States,0 +28, Local-gov,146949, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +21, Private,197918, HS-grad,9, Never-married, Transport-moving, Own-child, Male,0,0,40, United-States,0 +25, Private,157900, Some-college,10, Separated, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +35, Private,204163, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Female,0,0,55, United-States,0 +57, Self-emp-inc,376230, Masters,14, Married-civ-spouse, Sales, Husband, Male,99999,0,40, United-States,1 +34, Private,167474, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +81, Private,177408, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,2377,26, United-States,1 +39, State-gov,152023, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +47, Private,76034, Some-college,10, Married-civ-spouse, Other-service, Husband, Male,0,0,57, United-States,1 +37, Private,187311, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,60, United-States,0 +39, Private,91996, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +35, Private,28572, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,4064,0,35, United-States,0 +38, Private,53930, 10th,6, Never-married, Craft-repair, Not-in-family, Male,0,0,40, ?,0 +35, Private,117381, Bachelors,13, Divorced, Sales, Not-in-family, Male,0,0,40, United-States,0 +18, Private,120781, 10th,6, Never-married, Other-service, Own-child, Male,0,0,20, United-States,0 +27, Private,380560, HS-grad,9, Never-married, Farming-fishing, Other-relative, Male,0,0,40, Mexico,0 +32, Private,209184, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,40, Puerto-Rico,0 +42, Self-emp-not-inc,308279, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,21, United-States,0 +18, Private,135315, 9th,5, Never-married, Sales, Own-child, Female,0,0,32, United-States,0 +25, Private,361493, Bachelors,13, Never-married, Sales, Not-in-family, Male,3325,0,40, United-States,0 +31, Private,288983, Some-college,10, Never-married, Protective-serv, Not-in-family, Male,0,0,40, United-States,0 +33, Private,184016, HS-grad,9, Never-married, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +25, Private,186925, Some-college,10, Never-married, Other-service, Not-in-family, Male,2597,0,48, United-States,0 +33, Private,118941, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,40, United-States,1 +46, Private,175262, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, India,0 +52, Private,48947, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,45, United-States,0 +21, Private,112137, Some-college,10, Never-married, Prof-specialty, Other-relative, Female,0,0,20, South,0 +33, Private,419895, 5th-6th,3, Divorced, Handlers-cleaners, Unmarried, Male,0,0,40, Mexico,0 +34, Private,253438, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,1 +23, ?,22966, Bachelors,13, Never-married, ?, Own-child, Male,0,0,35, United-States,0 +42, Private,198341, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,1902,55, India,1 +33, Private,160216, Masters,14, Never-married, Exec-managerial, Not-in-family, Female,0,0,32, ?,0 +47, Private,21906, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,25, United-States,0 +45, Private,102597, HS-grad,9, Widowed, Adm-clerical, Unmarried, Female,0,0,35, United-States,0 +27, Private,330466, Bachelors,13, Never-married, Tech-support, Other-relative, Male,0,0,40, United-States,0 +49, Local-gov,116163, Bachelors,13, Divorced, Prof-specialty, Unmarried, Female,0,0,50, France,0 +41, Private,428499, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,1485,50, United-States,1 +38, Local-gov,181721, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +41, Private,176069, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +23, Private,352139, Some-college,10, Never-married, Other-service, Not-in-family, Female,0,0,24, United-States,0 +47, Local-gov,287320, Masters,14, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +19, Private,143360, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Female,0,0,34, United-States,0 +39, State-gov,85566, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +74, ?,340939, 9th,5, Married-civ-spouse, ?, Husband, Male,3471,0,40, United-States,0 +47, Private,175958, Prof-school,15, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +53, Private,137428, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Male,0,0,60, United-States,1 +51, Federal-gov,73670, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,4386,0,52, United-States,1 +36, Local-gov,137314, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,60, United-States,1 +28, Private,200511, HS-grad,9, Separated, Farming-fishing, Not-in-family, Male,0,0,55, United-States,0 +34, Private,143699, HS-grad,9, Married-civ-spouse, Sales, Wife, Female,0,0,15, United-States,0 +40, Private,227236, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,0 +36, State-gov,110964, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,1672,38, United-States,0 +51, Private,191965, HS-grad,9, Widowed, Other-service, Unmarried, Female,0,0,32, United-States,0 +41, Federal-gov,57924, Some-college,10, Never-married, Protective-serv, Own-child, Male,0,0,40, United-States,0 +38, Local-gov,30509, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,1669,55, United-States,0 +41, Private,110562, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +62, Private,69867, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,55, United-States,1 +28, Private,132870, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +39, Private,160623, Assoc-acdm,12, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +73, ?,177773, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,15, United-States,0 +30, Private,224377, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +42, Private,172297, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Male,0,1902,40, United-States,1 +34, Private,277314, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Male,0,1902,50, United-States,1 +20, ?,84375, HS-grad,9, Married-civ-spouse, ?, Wife, Female,0,0,45, United-States,0 +51, Self-emp-not-inc,204322, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,50, United-States,0 +21, Private,126613, HS-grad,9, Never-married, Sales, Not-in-family, Female,0,0,40, United-States,0 +34, Private,106014, Some-college,10, Divorced, Craft-repair, Not-in-family, Male,0,0,60, United-States,0 +59, Private,151977, 10th,6, Separated, Priv-house-serv, Not-in-family, Female,0,0,30, United-States,0 +33, Private,520033, 12th,8, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +30, Private,375827, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Male,0,0,40, United-States,0 +46, Private,83064, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +22, Private,256504, Bachelors,13, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +47, ?,149700, Bachelors,13, Married-civ-spouse, ?, Husband, Male,0,0,36, United-States,1 +49, Private,184986, HS-grad,9, Divorced, Other-service, Not-in-family, Female,0,0,40, United-States,0 +36, Private,269318, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +46, State-gov,193047, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,37, United-States,0 +38, Private,110402, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +25, Private,113436, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,15, United-States,0 +58, Self-emp-not-inc,95763, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,60, United-States,0 +36, Private,356824, HS-grad,9, Divorced, Sales, Not-in-family, Female,0,0,40, United-States,0 +51, Private,59590, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,20, United-States,0 +75, Self-emp-not-inc,165968, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, Female,0,0,30, United-States,0 +34, Private,111589, 10th,6, Never-married, Other-service, Unmarried, Female,0,0,40, Jamaica,0 +24, Private,119156, HS-grad,9, Never-married, Transport-moving, Own-child, Male,0,0,50, United-States,0 +18, Private,35065, HS-grad,9, Never-married, Transport-moving, Not-in-family, Male,0,0,35, United-States,0 +22, ?,88126, Some-college,10, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +21, Private,163870, Some-college,10, Never-married, Handlers-cleaners, Own-child, Male,0,0,30, United-States,0 +19, Private,219189, 12th,8, Never-married, Other-service, Own-child, Male,0,0,25, United-States,0 +30, Private,117393, HS-grad,9, Never-married, Sales, Not-in-family, Female,0,0,40, United-States,0 +60, Private,207665, HS-grad,9, Married-civ-spouse, Tech-support, Wife, Female,0,0,40, United-States,1 +31, Private,172304, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,1 +30, Private,287908, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +53, Private,98791, Some-college,10, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,0 +28, Private,338376, Bachelors,13, Never-married, Prof-specialty, Own-child, Male,0,0,40, United-States,0 +20, Private,259496, Some-college,10, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +69, Private,76939, HS-grad,9, Widowed, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +42, Local-gov,159931, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,45, United-States,1 +49, Private,123584, 11th,7, Married-civ-spouse, Transport-moving, Husband, Male,0,0,75, United-States,0 +52, Federal-gov,221532, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +61, State-gov,151459, 10th,6, Never-married, Other-service, Not-in-family, Female,0,0,38, United-States,0 +22, Private,191342, Bachelors,13, Never-married, Sales, Own-child, Male,0,0,50, Taiwan,0 +43, Self-emp-not-inc,34007, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,70, United-States,1 +46, Self-emp-not-inc,57452, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +45, Private,81400, 1st-4th,2, Married-civ-spouse, Other-service, Wife, Female,0,0,25, El-Salvador,0 +36, Local-gov,348728, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,35, United-States,0 +39, Private,294183, HS-grad,9, Divorced, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +58, Private,81038, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,12, United-States,0 +45, Private,178341, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,0 +62, Private,174201, 9th,5, Widowed, Other-service, Unmarried, Female,0,0,25, United-States,0 +18, Private,115630, 11th,7, Never-married, Adm-clerical, Own-child, Male,0,0,20, United-States,0 +33, Private,111567, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +84, Private,388384, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,10, United-States,0 +30, Private,29235, Some-college,10, Never-married, Adm-clerical, Other-relative, Female,0,0,20, United-States,0 +30, Private,80933, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +59, Self-emp-not-inc,124771, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,30, United-States,0 +40, Private,121772, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, ?,1 +64, Private,203783, HS-grad,9, Widowed, Adm-clerical, Unmarried, Female,0,0,8, United-States,0 +57, Private,372967, 10th,6, Divorced, Adm-clerical, Other-relative, Female,0,0,70, Germany,0 +51, Private,172046, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,1977,50, United-States,1 +31, Private,86958, 9th,5, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,40, United-States,0 +30, Private,109117, Assoc-voc,11, Never-married, Handlers-cleaners, Own-child, Male,0,0,45, United-States,0 +45, Private,217953, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, Mexico,0 +32, Private,101352, Some-college,10, Married-civ-spouse, Tech-support, Wife, Female,0,0,32, United-States,1 +47, Private,181652, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Female,0,0,40, United-States,0 +58, ?,347692, 11th,7, Divorced, ?, Not-in-family, Male,0,0,15, United-States,0 +46, Private,187226, 9th,5, Divorced, Other-service, Not-in-family, Male,0,0,25, United-States,0 +36, Private,166549, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +32, Private,295589, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,1977,40, United-States,1 +42, State-gov,219682, Masters,14, Divorced, Exec-managerial, Not-in-family, Male,0,0,45, United-States,0 +36, Private,469056, HS-grad,9, Divorced, Sales, Unmarried, Female,0,0,25, United-States,0 +27, Private,193701, HS-grad,9, Never-married, Craft-repair, Own-child, Female,0,0,45, United-States,0 +38, Local-gov,194630, Bachelors,13, Never-married, Protective-serv, Not-in-family, Female,4787,0,43, United-States,1 +36, Private,167482, 10th,6, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +18, Private,199039, 12th,8, Never-married, Sales, Own-child, Male,594,0,14, United-States,0 +56, Private,89922, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,3103,0,45, United-States,1 +27, Private,214858, 10th,6, Married-civ-spouse, Craft-repair, Other-relative, Male,0,0,55, United-States,0 +33, Private,37232, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,80, United-States,0 +53, Local-gov,216931, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,4386,0,40, United-States,1 +32, Private,195576, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +29, Self-emp-inc,130856, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,0 +28, Private,187397, HS-grad,9, Never-married, Other-service, Other-relative, Male,0,0,48, Mexico,0 +48, Self-emp-not-inc,30840, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,5013,0,45, United-States,0 +24, Private,410439, Some-college,10, Never-married, Craft-repair, Own-child, Male,0,0,15, United-States,0 +42, Self-emp-not-inc,27821, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,0 +25, State-gov,152503, Some-college,10, Never-married, Tech-support, Not-in-family, Male,0,0,40, United-States,0 +18, Private,345285, 11th,7, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +26, Private,193165, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,52, United-States,1 +37, Private,99146, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,1977,50, United-States,1 +49, Private,147002, HS-grad,9, Never-married, Craft-repair, Unmarried, Female,0,0,40, Puerto-Rico,0 +20, ?,163911, Some-college,10, Never-married, ?, Own-child, Female,0,0,40, United-States,0 +43, Private,99212, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Male,3103,0,48, United-States,1 +40, Private,179717, Bachelors,13, Divorced, Sales, Not-in-family, Male,0,1564,60, United-States,1 +24, Private,228772, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, Female,0,0,40, Mexico,0 +31, Local-gov,190228, Masters,14, Never-married, Exec-managerial, Not-in-family, Male,0,0,45, United-States,0 +27, Private,244566, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +61, Private,203445, Some-college,10, Widowed, Adm-clerical, Other-relative, Female,0,0,40, United-States,0 +42, Private,169995, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,0 +18, Local-gov,55658, 10th,6, Never-married, Other-service, Own-child, Male,0,0,25, United-States,0 +51, State-gov,231495, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Male,7688,0,55, United-States,1 +29, Private,255817, 5th-6th,3, Never-married, Other-service, Other-relative, Female,0,0,40, El-Salvador,0 +18, Private,88642, Some-college,10, Never-married, Sales, Own-child, Male,0,0,15, United-States,0 +54, Private,146551, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,54, United-States,1 +46, Private,213408, Some-college,10, Divorced, Sales, Unmarried, Female,0,0,40, Cuba,0 +34, Private,160261, HS-grad,9, Never-married, Tech-support, Own-child, Male,14084,0,35, China,1 +62, Local-gov,115763, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,1 +31, Private,288566, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Male,0,0,43, United-States,1 +33, Private,205469, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +44, Private,48087, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +69, Local-gov,197288, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,35, United-States,0 +25, Private,160261, Some-college,10, Never-married, Exec-managerial, Own-child, Male,0,0,40, China,0 +22, Private,214716, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,40, United-States,0 +41, Private,82161, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +27, Private,165412, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +56, Self-emp-inc,205601, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,99999,0,70, United-States,1 +32, Private,229051, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +57, Private,372020, Some-college,10, Married-civ-spouse, Sales, Husband, Male,5013,0,50, United-States,0 +37, Private,377798, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,3103,0,40, United-States,1 +32, Private,158438, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,1 +50, Self-emp-not-inc,156951, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, Male,3103,0,40, United-States,1 +46, Private,237731, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +24, Private,85088, HS-grad,9, Never-married, Sales, Own-child, Female,0,1762,32, United-States,0 +48, Private,46677, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Female,0,0,42, United-States,0 +47, Private,374580, HS-grad,9, Separated, Sales, Not-in-family, Female,0,0,52, United-States,0 +47, Private,343742, HS-grad,9, Separated, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +48, Private,120724, 12th,8, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +47, Private,387468, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, Scotland,1 +39, Local-gov,344855, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,1977,20, United-States,1 +42, Private,154374, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +38, Private,351299, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,50, United-States,0 +42, Private,227065, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,32, United-States,1 +27, Private,321577, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Female,0,0,40, United-States,0 +51, Private,234057, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,1 +31, State-gov,60186, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +18, Private,301762, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,25, United-States,0 +22, Local-gov,123727, Some-college,10, Never-married, Prof-specialty, Not-in-family, Female,0,0,21, United-States,0 +36, Self-emp-inc,242080, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,80, United-States,1 +38, Self-emp-not-inc,100316, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,35, United-States,0 +71, Private,93202, HS-grad,9, Divorced, Other-service, Not-in-family, Female,0,0,16, United-States,0 +23, Private,228243, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,44, United-States,0 +29, Federal-gov,360527, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +37, Private,267085, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +26, Private,84619, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +34, Private,104509, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, Female,1639,0,20, United-States,0 +52, Self-emp-not-inc,240013, Masters,14, Married-civ-spouse, Sales, Husband, Male,0,0,70, United-States,0 +35, Private,289106, Assoc-acdm,12, Separated, Sales, Unmarried, Male,0,0,40, United-States,0 +47, Private,344157, 11th,7, Divorced, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +20, Private,118462, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,43, United-States,0 +22, Private,270436, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +19, Private,142219, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,30, United-States,0 +23, Private,185106, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +50, Self-emp-inc,251240, Masters,14, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +40, Private,79036, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, Male,0,0,50, United-States,1 +33, Self-emp-not-inc,177828, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,50, United-States,0 +42, Private,184105, Some-college,10, Never-married, Farming-fishing, Not-in-family, Male,0,0,28, United-States,0 +43, State-gov,242521, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +35, Private,87556, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +43, Self-emp-not-inc,38876, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,50, United-States,0 +56, Self-emp-inc,184598, 9th,5, Married-civ-spouse, Transport-moving, Husband, Male,0,0,99, United-States,0 +20, Private,33221, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,25, United-States,0 +26, Private,245628, 11th,7, Never-married, Handlers-cleaners, Unmarried, Male,0,0,20, United-States,0 +34, Self-emp-inc,23778, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Male,0,0,50, United-States,0 +40, Private,88909, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,50, United-States,1 +21, ?,107801, Some-college,10, Never-married, ?, Own-child, Female,0,0,3, United-States,0 +28, Local-gov,335015, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +44, Private,163331, Some-college,10, Widowed, Adm-clerical, Unmarried, Female,0,0,32, United-States,0 +37, State-gov,160402, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,55, United-States,1 +65, Local-gov,323006, HS-grad,9, Widowed, Other-service, Unmarried, Female,0,0,25, United-States,0 +34, Federal-gov,419691, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Male,7298,0,54, United-States,1 +36, Private,232874, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,0 +48, Private,165484, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,65, United-States,1 +56, Local-gov,305767, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, China,0 +19, Private,121788, Some-college,10, Never-married, Sales, Not-in-family, Female,0,0,30, United-States,0 +63, Self-emp-not-inc,168048, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,30, United-States,0 +65, Self-emp-inc,184965, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Male,99999,0,40, United-States,1 +39, Self-emp-not-inc,208109, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,60, United-States,1 +82, Self-emp-inc,130329, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,50, United-States,0 +55, Self-emp-not-inc,168625, Some-college,10, Divorced, Tech-support, Not-in-family, Female,0,0,12, United-States,1 +49, State-gov,206577, Some-college,10, Divorced, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +68, Self-emp-not-inc,69249, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,50, United-States,1 +57, Local-gov,52267, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,72, United-States,0 +65, Local-gov,180869, Some-college,10, Widowed, Adm-clerical, Not-in-family, Female,0,0,35, United-States,0 +46, Self-emp-not-inc,245724, Some-college,10, Divorced, Exec-managerial, Not-in-family, Male,0,0,50, United-States,0 +28, Self-emp-not-inc,315417, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Male,2176,0,40, United-States,0 +49, Local-gov,349633, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,50, United-States,1 +28, Private,185647, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Male,0,0,50, United-States,0 +64, State-gov,222966, 7th-8th,4, Married-civ-spouse, Other-service, Wife, Female,0,0,40, United-States,0 +36, Private,160035, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,1 +59, Private,144092, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +51, Self-emp-inc,180195, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,0 +27, Private,219371, HS-grad,9, Never-married, Other-service, Not-in-family, Female,0,0,35, United-States,0 +17, Private,123335, 10th,6, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +43, State-gov,424094, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +78, Private,180239, Masters,14, Widowed, Craft-repair, Unmarried, Male,0,0,40, South,0 +41, Private,194636, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,1 +38, Private,63509, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +50, Self-emp-not-inc,334273, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,8, United-States,0 +22, Private,378104, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +23, Private,98283, Bachelors,13, Never-married, Exec-managerial, Own-child, Male,0,0,40, United-States,0 +31, Private,45781, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,14084,0,50, United-States,1 +37, Private,333305, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,35, United-States,0 +50, Federal-gov,186272, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +40, Self-emp-inc,207578, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,50, United-States,1 +23, Private,109307, Assoc-voc,11, Never-married, Exec-managerial, Own-child, Male,0,0,40, United-States,0 +55, Local-gov,212448, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +37, Self-emp-inc,126675, Assoc-voc,11, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,1 +24, Private,454941, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +61, State-gov,186451, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,1902,40, United-States,1 +37, Federal-gov,334314, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +25, Private,332702, Assoc-voc,11, Never-married, Other-service, Own-child, Female,0,0,15, United-States,0 +61, Private,668362, 1st-4th,2, Widowed, Handlers-cleaners, Not-in-family, Female,0,0,40, United-States,0 +37, Private,193815, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,1 +46, Private,171095, Assoc-acdm,12, Divorced, Sales, Unmarried, Female,0,0,38, United-States,0 +42, Federal-gov,214838, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Male,0,0,30, United-States,1 +19, Private,119075, Some-college,10, Never-married, Handlers-cleaners, Own-child, Male,0,0,50, United-States,0 +48, Private,377140, 5th-6th,3, Never-married, Priv-house-serv, Unmarried, Female,0,0,35, Nicaragua,0 +35, Private,209993, 11th,7, Separated, Priv-house-serv, Unmarried, Female,0,0,8, Mexico,0 +30, Private,65920, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +43, Private,187322, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +31, Federal-gov,334346, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +23, Private,125525, Bachelors,13, Never-married, Prof-specialty, Own-child, Male,0,0,42, United-States,0 +17, Private,345403, 10th,6, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +60, Private,132529, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +30, Private,251825, Assoc-acdm,12, Never-married, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +25, Private,181666, Assoc-acdm,12, Never-married, Tech-support, Own-child, Female,0,0,40, United-States,0 +47, Private,192053, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,1590,40, United-States,0 +45, Private,96100, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +41, Local-gov,112797, Masters,14, Divorced, Prof-specialty, Unmarried, Female,0,0,60, United-States,0 +38, State-gov,200904, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,30, United-States,1 +39, Private,387430, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,18, United-States,0 +68, Private,144137, Some-college,10, Divorced, Priv-house-serv, Other-relative, Female,0,0,30, United-States,0 +33, Private,213226, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,0 +19, Private,197384, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,10, United-States,0 +31, Private,106347, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +57, Private,141570, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,1977,40, United-States,1 +38, Private,32837, Bachelors,13, Divorced, Prof-specialty, Unmarried, Female,0,0,56, United-States,0 +38, Self-emp-inc,107909, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +44, Federal-gov,68729, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +80, Self-emp-not-inc,562336, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,20, United-States,0 +59, Private,98361, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +46, Self-emp-inc,284799, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,0 +59, Federal-gov,115389, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,36, United-States,0 +30, Private,209317, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,50, Dominican-Republic,0 +44, Private,328561, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Other-relative, Female,0,0,20, United-States,0 +71, Private,217971, 9th,5, Widowed, Sales, Unmarried, Female,0,0,13, United-States,0 +53, Self-emp-inc,42924, Doctorate,16, Divorced, Exec-managerial, Not-in-family, Male,14084,0,50, United-States,1 +43, Private,190403, Bachelors,13, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +18, Private,167147, 12th,8, Never-married, Sales, Own-child, Male,0,0,24, United-States,0 +47, Self-emp-not-inc,172034, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,75, United-States,1 +22, State-gov,190625, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,20, United-States,0 +21, Private,136873, Some-college,10, Never-married, Prof-specialty, Own-child, Male,0,0,10, United-States,0 +48, Private,119722, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,8, United-States,0 +30, Private,161572, HS-grad,9, Married-civ-spouse, Other-service, Wife, Female,0,0,45, United-States,0 +21, Private,346693, 7th-8th,4, Never-married, Farming-fishing, Unmarried, Male,0,0,40, United-States,0 +32, Private,86808, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,38, United-States,0 +46, Self-emp-not-inc,353012, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,1902,50, United-States,1 +50, Private,38310, 7th-8th,4, Divorced, Other-service, Other-relative, Female,0,0,40, United-States,0 +22, Private,134746, 10th,6, Married-civ-spouse, Sales, Wife, Female,0,0,40, United-States,0 +20, ?,229843, Some-college,10, Never-married, ?, Not-in-family, Female,0,0,20, United-States,0 +32, Private,183811, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,2829,0,40, United-States,0 +29, Private,259226, 11th,7, Never-married, Machine-op-inspct, Own-child, Male,0,0,48, United-States,0 +43, Self-emp-inc,304906, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +33, Private,268147, 9th,5, Never-married, Sales, Unmarried, Female,0,0,40, United-States,0 +22, Private,148294, 11th,7, Never-married, Craft-repair, Own-child, Male,0,0,35, United-States,0 +52, Private,169785, Some-college,10, Never-married, Exec-managerial, Not-in-family, Female,0,0,50, United-States,0 +67, Private,154035, HS-grad,9, Widowed, Handlers-cleaners, Other-relative, Male,0,0,32, United-States,0 +25, Private,209428, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,25, El-Salvador,0 +27, Private,42696, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Female,0,0,40, United-States,0 +69, Private,197080, 12th,8, Married-civ-spouse, Transport-moving, Husband, Male,9386,0,60, United-States,1 +33, Private,376483, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +43, Private,226902, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,80, United-States,1 +43, State-gov,60949, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +34, Private,294064, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, France,0 +45, Private,226246, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Male,0,0,50, United-States,0 +26, Private,125089, Some-college,10, Never-married, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +45, Private,225456, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,1977,40, United-States,1 +27, Private,38599, 12th,8, Never-married, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +57, Private,212448, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Female,0,0,45, United-States,1 +44, Federal-gov,306440, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +39, Federal-gov,193583, Bachelors,13, Divorced, Prof-specialty, Unmarried, Female,5455,0,60, United-States,0 +49, ?,114648, 12th,8, Divorced, ?, Other-relative, Male,0,0,40, United-States,0 +58, ?,169982, Some-college,10, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,1 +46, Private,57929, HS-grad,9, Divorced, Other-service, Not-in-family, Male,0,0,25, United-States,0 +32, Private,97306, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,0,48, United-States,0 +23, Private,91842, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,30, United-States,0 +28, Private,441620, Bachelors,13, Never-married, Other-service, Not-in-family, Male,0,0,43, Mexico,0 +48, Private,146268, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,7688,0,40, United-States,1 +43, Private,257780, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +32, Private,249550, Some-college,10, Never-married, Prof-specialty, Not-in-family, Male,0,0,44, United-States,0 +43, Private,154538, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +32, Private,193042, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,44, United-States,0 +43, Private,167265, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,84, United-States,1 +23, Private,207546, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +50, Self-emp-not-inc,30731, Assoc-voc,11, Never-married, Other-service, Not-in-family, Male,0,0,50, United-States,0 +65, Self-emp-not-inc,223580, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,6514,0,40, United-States,1 +29, ?,108775, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, Dominican-Republic,0 +40, Private,346847, Assoc-voc,11, Separated, Prof-specialty, Other-relative, Female,0,0,40, United-States,0 +64, Private,212838, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,65, United-States,1 +42, State-gov,121265, Masters,14, Divorced, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +31, State-gov,113129, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,65, United-States,0 +44, Private,344920, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,1617,20, United-States,0 +35, Private,84787, Bachelors,13, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +49, Private,192776, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,1977,45, United-States,1 +47, Local-gov,194360, HS-grad,9, Married-civ-spouse, Other-service, Wife, Female,0,0,7, United-States,1 +23, Private,193090, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,3674,0,40, United-States,0 +47, Federal-gov,53498, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +43, Federal-gov,134026, Some-college,10, Never-married, Adm-clerical, Other-relative, Male,2174,0,40, United-States,0 +55, Self-emp-not-inc,141409, 10th,6, Married-civ-spouse, Sales, Husband, Male,7688,0,50, United-States,1 +45, Private,247043, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,42, United-States,0 +29, Private,134331, 10th,6, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +27, Private,164924, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +27, Self-emp-not-inc,70657, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,35, United-States,0 +22, State-gov,157541, Some-college,10, Never-married, Prof-specialty, Not-in-family, Male,0,0,10, United-States,0 +47, State-gov,72333, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +44, Private,353396, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,0 +33, Private,409172, Bachelors,13, Married-civ-spouse, Exec-managerial, Own-child, Male,0,0,55, United-States,0 +19, Private,143857, Some-college,10, Never-married, Sales, Own-child, Female,0,0,35, United-States,0 +44, State-gov,141858, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,75, United-States,1 +32, Self-emp-not-inc,52647, 10th,6, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,0 +34, Private,209691, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Male,4386,0,50, United-States,1 +65, Private,171584, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +21, Private,452640, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +45, Local-gov,159816, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,1977,35, United-States,1 +47, Private,208872, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +47, Private,116279, HS-grad,9, Divorced, Craft-repair, Unmarried, Female,0,0,43, United-States,0 +25, Private,238964, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,1 +46, Private,265275, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,0 +35, Private,105803, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,1 +47, Private,294913, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Male,99999,0,40, United-States,1 +34, Private,118551, Bachelors,13, Never-married, Tech-support, Not-in-family, Female,0,0,40, United-States,0 +29, Private,77009, 11th,7, Separated, Sales, Not-in-family, Female,0,2754,42, United-States,0 +41, Private,115849, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +47, Local-gov,154940, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,45, United-States,1 +42, Self-emp-inc,23813, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,2885,0,30, United-States,0 +51, Private,128143, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +53, Private,192386, HS-grad,9, Separated, Transport-moving, Unmarried, Male,0,0,45, United-States,0 +27, Private,58654, Assoc-voc,11, Separated, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +46, State-gov,27802, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Male,0,0,38, United-States,1 +38, Self-emp-not-inc,175732, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,15, United-States,0 +23, ?,55492, Assoc-voc,11, Never-married, ?, Not-in-family, Female,0,0,30, United-States,0 +48, Private,143098, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,1902,40, China,1 +50, Self-emp-inc,163921, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,48, United-States,1 +17, Private,78602, 11th,7, Never-married, Other-service, Other-relative, Female,0,0,20, United-States,0 +30, Private,224462, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +30, Private,209103, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,48, United-States,0 +55, Private,177380, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,29, United-States,0 +69, ?,159077, 11th,7, Married-civ-spouse, ?, Husband, Male,0,0,48, United-States,0 +21, State-gov,151790, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,30, United-States,0 +51, Local-gov,170579, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +43, Private,133584, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +69, Private,159522, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, Female,2964,0,40, United-States,0 +34, Local-gov,303867, 9th,5, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +36, Private,273604, Bachelors,13, Never-married, Other-service, Not-in-family, Female,0,0,40, United-States,0 +32, Federal-gov,42900, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,50, United-States,1 +56, Private,145574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +52, Private,95128, Some-college,10, Divorced, Sales, Not-in-family, Male,0,0,50, United-States,0 +33, Private,221762, Some-college,10, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +46, Private,75256, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, Female,0,0,40, United-States,0 +62, Private,197918, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +28, Private,187479, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,0 +20, Private,289944, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,25, United-States,0 +21, Private,293968, Some-college,10, Married-spouse-absent, Sales, Own-child, Female,0,0,20, United-States,0 +37, Private,114605, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +45, State-gov,213646, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,7298,0,40, United-States,1 +44, Private,205051, 10th,6, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +34, Private,356882, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +53, Private,64322, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +34, Private,34848, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,4064,0,40, United-States,0 +47, State-gov,80282, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,0 +57, Private,390856, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,45, Mexico,0 +30, Local-gov,191777, HS-grad,9, Never-married, Protective-serv, Own-child, Female,0,0,40, United-States,0 +27, Private,188189, Some-college,10, Never-married, Tech-support, Not-in-family, Female,0,0,30, United-States,0 +38, ?,107479, 9th,5, Never-married, ?, Own-child, Female,0,0,12, United-States,0 +43, Private,200734, HS-grad,9, Separated, Other-service, Not-in-family, Female,0,0,40, United-States,0 +38, Private,165930, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +42, Private,367049, Masters,14, Never-married, Exec-managerial, Not-in-family, Female,4650,0,40, United-States,0 +28, Private,149652, 10th,6, Never-married, Other-service, Own-child, Female,0,0,30, United-States,0 +41, State-gov,75409, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,1 +43, Local-gov,196308, HS-grad,9, Divorced, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +50, Local-gov,311551, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,7688,0,50, United-States,1 +22, Private,122272, Bachelors,13, Never-married, Adm-clerical, Own-child, Female,0,0,35, United-States,0 +23, Private,235894, 11th,7, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,0 +25, Private,126133, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,40, United-States,0 +30, Local-gov,211654, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +44, Private,228057, HS-grad,9, Separated, Adm-clerical, Not-in-family, Female,0,0,40, Puerto-Rico,0 +46, Federal-gov,44706, Bachelors,13, Divorced, Prof-specialty, Unmarried, Female,0,0,50, United-States,1 +30, Local-gov,178383, Some-college,10, Separated, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +51, Private,203435, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Female,0,0,40, United-States,0 +73, Self-emp-not-inc,46514, HS-grad,9, Married-civ-spouse, Sales, Wife, Female,0,0,25, United-States,0 +29, Federal-gov,124953, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Male,0,0,42, United-States,1 +53, Local-gov,233722, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +35, Private,325802, Assoc-acdm,12, Divorced, Handlers-cleaners, Unmarried, Female,0,0,24, United-States,0 +37, Private,168941, 11th,7, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +17, Private,117477, 10th,6, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +30, Private,252752, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,0 +39, Private,315291, HS-grad,9, Never-married, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +32, Private,245378, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,0 +41, Private,196456, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +60, ?,188236, HS-grad,9, Divorced, ?, Not-in-family, Female,0,0,40, United-States,0 +46, Local-gov,102308, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +51, Private,207449, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,0 +58, Private,209438, Some-college,10, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +31, Private,20511, Bachelors,13, Never-married, Other-service, Not-in-family, Female,0,0,25, United-States,0 +41, Self-emp-inc,145441, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +47, Private,168211, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,44, United-States,0 +54, Self-emp-inc,304570, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Male,7688,0,40, ?,1 +27, Private,363053, 9th,5, Never-married, Priv-house-serv, Unmarried, Female,0,0,24, Mexico,0 +38, Local-gov,37931, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +25, Self-emp-not-inc,37741, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,40, United-States,0 +46, Private,173613, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +20, Federal-gov,119156, HS-grad,9, Never-married, Adm-clerical, Other-relative, Male,0,0,20, United-States,0 +64, Private,21174, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +19, Private,228939, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,35, United-States,0 +25, Self-emp-not-inc,282631, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +62, Federal-gov,258124, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, Italy,1 +55, Self-emp-not-inc,477867, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +22, ?,269221, Some-college,10, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +33, Private,165814, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +19, ?,307837, Some-college,10, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +46, Private,102597, Bachelors,13, Divorced, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +62, Self-emp-not-inc,134768, 12th,8, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +50, Private,150975, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Female,0,0,40, United-States,0 +38, Private,227945, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,99999,0,65, United-States,1 +35, Private,162601, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +23, Private,615367, Bachelors,13, Never-married, Sales, Not-in-family, Female,0,0,40, United-States,0 +51, Self-emp-not-inc,218311, Some-college,10, Divorced, Sales, Unmarried, Female,0,0,50, United-States,0 +53, Private,180439, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +36, Private,258102, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +33, Private,31449, Assoc-acdm,12, Divorced, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +32, Self-emp-not-inc,56328, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,8, United-States,1 +35, Private,177102, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Female,0,0,40, United-States,0 +29, Local-gov,273771, Masters,14, Never-married, Prof-specialty, Not-in-family, Male,0,0,45, United-States,0 +20, Private,262749, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,35, United-States,0 +45, Federal-gov,155659, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +40, Private,168071, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, Male,0,0,50, United-States,0 +26, Private,212748, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +37, Local-gov,118909, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,35, United-States,0 +24, Private,38455, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +25, Private,110138, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +33, Private,168030, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Female,7298,0,21, United-States,1 +35, State-gov,82622, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,80, United-States,0 +38, Private,48779, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +45, Private,201865, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +34, Local-gov,229531, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,0 +51, Private,139347, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,7688,0,40, United-States,1 +19, Federal-gov,255921, Some-college,10, Never-married, Handlers-cleaners, Own-child, Male,0,0,20, England,0 +22, Private,252355, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,27, United-States,0 +60, Self-emp-not-inc,376973, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,42, United-States,1 +58, Self-emp-not-inc,274917, Masters,14, Widowed, Other-service, Not-in-family, Female,0,0,15, United-States,0 +37, Private,179671, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,50, United-States,0 +31, Private,27856, HS-grad,9, Never-married, Other-service, Unmarried, Female,0,0,8, United-States,0 +29, Local-gov,280344, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +22, Private,615367, Bachelors,13, Never-married, Sales, Not-in-family, Female,0,0,60, United-States,0 +63, ?,331527, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,14, United-States,0 +38, Private,117802, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,65, United-States,1 +64, State-gov,211222, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +36, Federal-gov,153066, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +40, Private,217120, 10th,6, Divorced, Craft-repair, Not-in-family, Male,0,0,50, United-States,0 +42, Private,165916, Bachelors,13, Divorced, Adm-clerical, Unmarried, Female,0,0,45, United-States,0 +72, ?,173427, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, Cuba,0 +29, Private,49087, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,50, United-States,0 +50, Private,211319, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,7298,0,50, United-States,1 +58, Self-emp-inc,78104, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,7298,0,60, United-States,1 +28, Local-gov,216481, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +18, Private,37720, 10th,6, Never-married, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +22, Self-emp-not-inc,199011, HS-grad,9, Never-married, Craft-repair, Other-relative, Male,0,0,20, United-States,0 +52, Self-emp-inc,134854, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +44, Private,121012, 9th,5, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +52, Private,71768, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +35, Private,340018, 10th,6, Never-married, Other-service, Unmarried, Female,0,0,38, United-States,0 +35, Self-emp-inc,187046, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,50, United-States,0 +36, Self-emp-not-inc,405644, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,35, Mexico,0 +63, Self-emp-not-inc,26904, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,98, United-States,0 +54, Self-emp-not-inc,109413, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,50, United-States,0 +33, Private,157568, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +47, Self-emp-not-inc,159869, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,56, United-States,1 +33, Local-gov,27959, HS-grad,9, Never-married, Other-service, Unmarried, Male,0,0,40, United-States,0 +50, Private,35224, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +24, Private,205839, Some-college,10, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +28, Private,128509, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, Female,0,0,40, ?,0 +43, Private,62857, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,0 +41, Self-emp-not-inc,112362, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,38, United-States,0 +33, Private,55291, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +33, Private,255004, Some-college,10, Never-married, Sales, Not-in-family, Male,0,0,50, United-States,0 +23, Private,124971, Some-college,10, Divorced, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +51, Private,21698, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +26, Local-gov,167261, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +41, Private,204415, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,48, United-States,1 +35, Private,155961, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,35, Jamaica,0 +19, Private,198663, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Male,0,0,40, United-States,0 +20, Private,183594, Some-college,10, Never-married, Transport-moving, Own-child, Male,0,0,40, United-States,0 +36, ?,389850, HS-grad,9, Married-spouse-absent, ?, Unmarried, Male,0,0,50, United-States,0 +73, Private,173047, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,15, United-States,0 +20, Private,211968, Assoc-voc,11, Never-married, Other-service, Own-child, Female,0,0,20, United-States,0 +31, Private,210562, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,65, United-States,0 +43, Self-emp-inc,150533, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +25, Private,153841, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +28, Self-emp-inc,153291, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,35, United-States,0 +27, Private,116207, 9th,5, Married-civ-spouse, Craft-repair, Husband, Male,0,0,32, United-States,0 +26, Private,134004, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,40, United-States,0 +41, Private,105616, Some-college,10, Widowed, Adm-clerical, Unmarried, Female,0,0,48, United-States,0 +19, ?,233779, Some-college,10, Never-married, ?, Own-child, Male,0,0,60, United-States,0 +22, Private,51136, Some-college,10, Never-married, Tech-support, Not-in-family, Female,0,0,60, United-States,0 +69, Private,108196, 10th,6, Never-married, Craft-repair, Other-relative, Male,0,0,40, United-States,0 +44, Private,222434, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +42, Private,210534, 5th-6th,3, Separated, Adm-clerical, Other-relative, Male,0,0,40, El-Salvador,0 +45, Private,228570, HS-grad,9, Married-civ-spouse, Sales, Wife, Female,0,0,35, United-States,0 +60, Private,355865, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +65, Private,88513, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,18, United-States,0 +39, Self-emp-not-inc,164593, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Male,4787,0,40, United-States,1 +32, Private,125856, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,1 +43, Federal-gov,175669, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +22, Private,190903, 11th,7, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,20, United-States,0 +19, Private,292590, HS-grad,9, Married-civ-spouse, Sales, Other-relative, Female,0,0,25, United-States,0 +32, State-gov,438711, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,0 +32, Private,24961, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,0 +18, Private,353358, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,16, United-States,0 +37, Private,287031, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,5178,0,75, United-States,1 +59, Private,69884, Prof-school,15, Married-spouse-absent, Prof-specialty, Unmarried, Male,0,0,50, United-States,0 +33, ?,369386, Some-college,10, Married-civ-spouse, ?, Wife, Female,5178,0,40, United-States,1 +56, Self-emp-not-inc,175964, Some-college,10, Divorced, Other-service, Not-in-family, Female,0,0,40, United-States,0 +19, ?,112780, Some-college,10, Never-married, ?, Own-child, Female,0,0,30, United-States,0 +21, Private,34506, HS-grad,9, Separated, Other-service, Own-child, Female,0,0,35, United-States,0 +59, Private,157932, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +23, Private,195532, Bachelors,13, Never-married, Exec-managerial, Own-child, Female,0,0,40, United-States,0 +23, Private,129767, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,1721,40, United-States,0 +17, Local-gov,191910, 11th,7, Never-married, Sales, Own-child, Male,0,0,20, United-States,0 +58, Private,194733, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +27, Private,401723, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +29, Private,286452, Assoc-acdm,12, Divorced, Sales, Unmarried, Female,3418,0,40, United-States,0 +63, Private,181828, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,48, ?,0 +25, Private,29599, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,38, United-States,0 +37, Private,83375, HS-grad,9, Divorced, Farming-fishing, Not-in-family, Male,0,0,40, United-States,0 +26, Private,463194, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +23, Private,56774, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +55, Private,157079, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, ?,1 +54, Private,327769, Some-college,10, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +52, Private,135607, Some-college,10, Widowed, Other-service, Unmarried, Female,0,0,40, ?,0 +18, Private,170627, 11th,7, Never-married, Other-service, Own-child, Female,0,0,15, United-States,0 +34, Self-emp-not-inc,181087, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +22, Private,227626, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +62, Local-gov,291175, Bachelors,13, Widowed, Prof-specialty, Not-in-family, Female,0,0,48, United-States,0 +61, Private,195595, 7th-8th,4, Married-spouse-absent, Machine-op-inspct, Not-in-family, Male,0,0,40, Guatemala,0 +43, Private,243380, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +32, Private,222548, HS-grad,9, Divorced, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +49, Private,38563, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,56, United-States,1 +70, Private,187292, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, Male,6418,0,40, United-States,1 +20, Private,38455, 10th,6, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +62, Self-emp-not-inc,173631, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,70, United-States,0 +29, ?,499935, Assoc-voc,11, Never-married, ?, Unmarried, Female,0,0,40, United-States,0 +60, Private,39352, 7th-8th,4, Never-married, Transport-moving, Not-in-family, Male,0,0,48, United-States,1 +22, Private,180060, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Male,0,0,40, Yugoslavia,0 +51, Private,79324, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +20, ?,41183, Some-college,10, Never-married, ?, Own-child, Female,0,0,30, United-States,0 +31, Local-gov,192565, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,90, United-States,1 +40, Private,101593, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,0 +28, Private,201954, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, Male,0,0,65, United-States,1 +29, Private,130620, Some-college,10, Married-spouse-absent, Sales, Own-child, Female,0,0,26, India,0 +37, Self-emp-not-inc,348739, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +50, Private,94081, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +28, Private,102533, Some-college,10, Separated, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +64, Self-emp-inc,195366, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +33, Private,205950, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +35, Self-emp-not-inc,112497, HS-grad,9, Married-civ-spouse, Craft-repair, Other-relative, Male,0,0,35, Ireland,0 +31, Private,101697, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,0 +30, Private,96287, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,45, United-States,0 +27, Private,73587, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,35, United-States,0 +19, Private,42750, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,55, United-States,0 +38, Private,123031, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,48, Trinadad&Tobago,0 +45, Private,206459, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +27, Private,241607, Bachelors,13, Never-married, Tech-support, Other-relative, Male,0,0,50, United-States,0 +28, Private,51461, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,0,1887,40, United-States,1 +46, Private,73541, 10th,6, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +60, Private,175273, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +54, Local-gov,127943, HS-grad,9, Widowed, Other-service, Unmarried, Female,0,0,40, United-States,0 +35, Private,182467, Assoc-voc,11, Married-civ-spouse, Craft-repair, Wife, Female,0,0,44, United-States,0 +46, Private,116789, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,1 +50, Private,305319, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +41, Self-emp-not-inc,29762, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, Male,5013,0,70, United-States,0 +42, Private,119359, Prof-school,15, Married-civ-spouse, Sales, Wife, Female,15024,0,40, South,1 +46, Private,238162, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,1 +29, Private,293073, Bachelors,13, Never-married, Sales, Not-in-family, Male,0,0,50, United-States,1 +45, Private,99355, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +32, Private,132601, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,0 +54, Private,155233, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,14084,0,40, United-States,1 +20, Private,190772, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Female,0,0,40, United-States,0 +18, Federal-gov,280728, Some-college,10, Never-married, Sales, Own-child, Female,0,0,32, United-States,0 +63, Private,30602, 7th-8th,4, Married-spouse-absent, Other-service, Unmarried, Female,0,0,40, United-States,0 +57, Private,279636, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,1 +22, Private,390817, 5th-6th,3, Married-civ-spouse, Craft-repair, Other-relative, Male,0,0,40, Mexico,0 +26, Private,200639, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +47, Private,61885, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,50, United-States,1 +19, Private,118352, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,16, United-States,0 +51, Private,186338, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +31, Private,120460, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,50, United-States,1 +23, Private,145651, Some-college,10, Never-married, Sales, Own-child, Female,0,0,20, United-States,0 +73, Local-gov,232871, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, Male,2228,0,10, United-States,0 +25, Self-emp-not-inc,305449, Some-college,10, Never-married, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +41, Private,173682, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +64, Self-emp-not-inc,103643, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,15, United-States,1 +37, Private,61299, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +47, Private,379118, HS-grad,9, Divorced, Other-service, Unmarried, Male,0,0,9, United-States,0 +25, Private,361307, Bachelors,13, Never-married, Sales, Own-child, Female,0,0,40, United-States,0 +38, Private,269323, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,1 +55, Private,199713, 9th,5, Married-civ-spouse, Craft-repair, Husband, Male,0,0,48, United-States,0 +29, Private,255949, Bachelors,13, Never-married, Sales, Unmarried, Male,0,0,40, United-States,0 +32, Private,206051, Some-college,10, Never-married, Adm-clerical, Not-in-family, Male,0,0,35, United-States,0 +60, Private,184183, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Male,4650,0,40, United-States,0 +28, Private,186792, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +20, Private,290504, HS-grad,9, Never-married, Other-service, Other-relative, Male,0,0,40, United-States,0 +23, Private,162945, 7th-8th,4, Never-married, Other-service, Own-child, Male,0,0,35, United-States,0 +28, Private,247445, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +20, Private,114874, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,30, United-States,0 +58, Self-emp-not-inc,450544, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +24, Local-gov,162919, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +57, Federal-gov,310320, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Male,0,0,48, United-States,1 +43, Private,54611, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,60, United-States,0 +27, Self-emp-not-inc,66473, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +44, Federal-gov,218062, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +47, Self-emp-not-inc,131826, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +58, Federal-gov,298643, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +37, Private,91711, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,1 +43, Private,160815, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +72, Private,53684, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,0 +18, Private,194561, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,12, United-States,0 +51, Private,328947, Some-college,10, Widowed, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +41, Private,101593, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,50, United-States,1 +58, Self-emp-not-inc,33309, HS-grad,9, Widowed, Farming-fishing, Not-in-family, Male,0,0,80, United-States,0 +37, Local-gov,264503, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,0 +48, Private,265083, 10th,6, Divorced, Sales, Not-in-family, Female,0,0,38, United-States,0 +21, Private,57916, HS-grad,9, Never-married, Protective-serv, Own-child, Male,0,0,40, United-States,0 +36, Private,317040, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Female,0,0,54, United-States,0 +37, Private,188540, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,1902,45, United-States,1 +39, Local-gov,163278, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,2202,0,44, United-States,0 +33, Private,204042, Some-college,10, Never-married, Transport-moving, Not-in-family, Male,0,0,55, United-States,0 +49, Local-gov,119904, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Female,7688,0,30, United-States,1 +41, Private,116391, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +30, Private,113129, Some-college,10, Never-married, Other-service, Not-in-family, Male,0,0,24, United-States,0 +54, Self-emp-inc,125417, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +44, Federal-gov,404599, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +34, Private,195576, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +20, Private,189148, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,48, United-States,0 +46, Private,695411, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,44, United-States,0 +18, Private,125441, 11th,7, Never-married, Other-service, Own-child, Male,1055,0,20, United-States,0 +38, Private,377486, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,36, United-States,0 +37, Private,241962, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +39, Self-emp-not-inc,331481, Bachelors,13, Divorced, Craft-repair, Not-in-family, Male,0,1669,60, ?,0 +22, Private,117363, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,35, United-States,0 +46, Private,166809, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +74, ?,169303, HS-grad,9, Married-civ-spouse, ?, Husband, Male,6767,0,6, United-States,0 +51, Private,241745, 5th-6th,3, Separated, Machine-op-inspct, Unmarried, Female,0,0,40, Mexico,0 +49, Private,185859, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,43, United-States,0 +28, Private,162343, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,40, Puerto-Rico,0 +24, Private,103064, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +45, Self-emp-inc,121836, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, ?,1 +23, ?,184699, HS-grad,9, Never-married, ?, Unmarried, Female,0,0,40, United-States,0 +32, Private,231043, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,5178,0,48, United-States,1 +56, Self-emp-not-inc,51662, 11th,7, Married-civ-spouse, Other-service, Wife, Female,0,0,40, United-States,0 +65, ?,198019, HS-grad,9, Widowed, ?, Not-in-family, Female,0,0,35, United-States,0 +29, Private,57889, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,45, United-States,1 +25, State-gov,156848, HS-grad,9, Married-civ-spouse, Protective-serv, Own-child, Male,0,0,35, United-States,0 +37, Self-emp-inc,186359, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,7688,0,60, United-States,1 +20, Private,203263, 12th,8, Never-married, Other-service, Own-child, Male,0,0,35, United-States,0 +25, State-gov,153534, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,0 +22, Private,207940, Some-college,10, Never-married, Handlers-cleaners, Own-child, Female,0,0,36, United-States,0 +44, Private,190532, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,55, United-States,0 +46, Private,180695, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +68, ?,123464, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,45, United-States,0 +39, Private,315565, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, Cuba,0 +23, Private,120773, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +50, Private,121411, 12th,8, Divorced, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +28, Private,116531, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +60, Private,39952, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Male,2228,0,37, United-States,0 +21, State-gov,99199, Some-college,10, Never-married, Exec-managerial, Own-child, Male,0,0,10, United-States,0 +33, ?,209432, HS-grad,9, Separated, ?, Unmarried, Female,0,0,20, United-States,0 +23, Private,240137, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,55, Mexico,0 +47, Federal-gov,117628, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +60, Private,85413, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,44, United-States,1 +40, Private,184682, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +50, Local-gov,234143, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +30, Local-gov,319280, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +34, Private,229732, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +44, Private,286750, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,1902,40, United-States,1 +25, Private,76144, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Male,0,0,50, United-States,0 +46, Private,360096, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,60, United-States,1 +39, Private,203070, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,49, United-States,0 +59, Private,426001, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, Female,0,0,20, Puerto-Rico,0 +65, Local-gov,125768, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,28, United-States,0 +24, Private,241523, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,45, United-States,1 +34, Private,398988, Bachelors,13, Never-married, Sales, Not-in-family, Male,0,0,40, United-States,0 +22, Private,235829, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +38, Private,252662, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +38, Private,278557, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,1 +23, Private,201680, 12th,8, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +33, Private,373662, 1st-4th,2, Married-spouse-absent, Priv-house-serv, Not-in-family, Female,0,0,40, Guatemala,0 +29, ?,78529, 10th,6, Separated, ?, Unmarried, Female,0,0,12, United-States,0 +31, Private,193231, Bachelors,13, Never-married, Tech-support, Not-in-family, Male,3325,0,60, United-States,0 +44, Private,228124, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +44, Private,421449, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +41, Private,89226, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +35, Private,187329, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +26, Private,143068, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,2407,0,50, United-States,0 +25, Private,185952, Masters,14, Never-married, Prof-specialty, Not-in-family, Male,0,0,30, United-States,0 +23, Private,348092, HS-grad,9, Never-married, Transport-moving, Own-child, Male,0,0,40, Haiti,0 +30, Self-emp-not-inc,45427, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, Male,0,0,49, United-States,0 +40, State-gov,91949, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +52, Local-gov,152795, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Male,0,0,52, United-States,1 +34, Private,189759, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,1977,45, United-States,1 +23, Private,440456, Bachelors,13, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +20, Private,182342, Some-college,10, Never-married, Farming-fishing, Own-child, Male,0,0,40, United-States,0 +68, Private,185537, Some-college,10, Divorced, Sales, Not-in-family, Female,0,0,20, United-States,0 +35, Private,54317, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,1672,50, United-States,0 +67, Self-emp-not-inc,345236, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,0 +35, Self-emp-not-inc,468713, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +51, Private,136913, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +28, Private,249571, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +39, Private,339442, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Male,2176,0,40, United-States,0 +82, ?,52921, Some-college,10, Widowed, ?, Not-in-family, Male,0,0,3, United-States,0 +39, Private,258276, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Male,3137,0,40, ?,0 +26, Private,260614, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +22, Private,61850, HS-grad,9, Never-married, Other-service, Not-in-family, Female,0,0,40, United-States,0 +18, Private,212370, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,25, United-States,0 +32, Private,390997, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, Male,0,0,50, Mexico,0 +19, Private,257750, Some-college,10, Never-married, Sales, Other-relative, Female,0,0,25, United-States,0 +40, Private,230961, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +37, Private,259882, Assoc-voc,11, Never-married, Sales, Unmarried, Female,0,0,6, United-States,0 +23, Private,114357, HS-grad,9, Never-married, Tech-support, Own-child, Male,0,0,50, United-States,0 +58, Private,119386, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, Female,0,0,60, United-States,0 +62, Local-gov,151369, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +20, Private,200450, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, Female,0,0,52, United-States,0 +48, ?,174533, 11th,7, Separated, ?, Unmarried, Male,0,0,40, United-States,0 +70, State-gov,345339, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +19, Private,318002, HS-grad,9, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +29, State-gov,303446, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,25, Nicaragua,0 +48, Local-gov,102076, Bachelors,13, Never-married, Adm-clerical, Unmarried, Female,0,0,35, United-States,0 +36, Private,460437, 9th,5, Divorced, Sales, Not-in-family, Female,0,0,40, United-States,0 +36, Private,88967, 11th,7, Never-married, Transport-moving, Unmarried, Male,0,0,65, United-States,0 +36, Private,137314, Assoc-voc,11, Never-married, Tech-support, Not-in-family, Male,0,0,45, United-States,0 +29, Private,196116, Prof-school,15, Divorced, Prof-specialty, Own-child, Female,2174,0,72, United-States,0 +32, Private,261059, Some-college,10, Never-married, Other-service, Not-in-family, Male,0,0,50, United-States,0 +19, Private,165306, Some-college,10, Never-married, Tech-support, Other-relative, Male,0,0,40, Vietnam,0 +64, Private,114994, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,18, United-States,0 +22, Private,100345, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,35, United-States,0 +63, Local-gov,41161, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,0 +23, Private,53245, Bachelors,13, Never-married, Sales, Not-in-family, Male,0,1602,12, United-States,0 +63, Private,131519, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +24, Private,111445, HS-grad,9, Never-married, Sales, Not-in-family, Male,0,0,38, United-States,0 +39, Private,106961, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +45, Private,33794, Masters,14, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +45, Private,127111, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,55, United-States,1 +42, Private,89073, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,48, United-States,0 +20, Private,137618, Some-college,10, Never-married, Transport-moving, Own-child, Male,0,0,35, United-States,0 +43, Private,170525, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Female,14344,0,40, United-States,1 +33, Private,203488, Some-college,10, Divorced, Sales, Not-in-family, Male,0,0,40, United-States,0 +29, State-gov,147256, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,1 +72, Private,158092, Bachelors,13, Divorced, Sales, Not-in-family, Male,0,0,30, United-States,0 +24, Private,95552, HS-grad,9, Never-married, Tech-support, Own-child, Male,0,0,40, United-States,0 +53, Federal-gov,177212, Some-college,10, Never-married, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +25, Private,148300, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,35, United-States,0 +47, Private,121836, Masters,14, Married-civ-spouse, Adm-clerical, Wife, Female,7688,0,38, United-States,1 +44, Private,63042, Bachelors,13, Divorced, Exec-managerial, Own-child, Female,0,0,50, United-States,1 +61, ?,161279, HS-grad,9, Widowed, ?, Not-in-family, Female,0,0,36, United-States,0 +39, Private,38312, Some-college,10, Married-spouse-absent, Craft-repair, Unmarried, Male,0,0,40, United-States,1 +76, Private,70697, 7th-8th,4, Widowed, Other-service, Not-in-family, Female,0,0,25, United-States,0 +47, Federal-gov,119199, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +31, Private,182539, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,45, United-States,0 +39, Private,238415, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +29, Self-emp-not-inc,110663, HS-grad,9, Separated, Craft-repair, Not-in-family, Male,0,0,35, United-States,0 +25, Private,151810, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,28, United-States,0 +50, Private,113290, HS-grad,9, Married-civ-spouse, Sales, Wife, Female,0,0,15, United-States,0 +45, Private,187666, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, Female,0,0,45, United-States,0 +30, Private,155781, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,70, United-States,0 +44, Private,175669, 11th,7, Married-civ-spouse, Prof-specialty, Wife, Female,5178,0,36, United-States,1 +23, Private,193089, 11th,7, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +49, Private,237920, Doctorate,16, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,0 +46, Private,114032, Some-college,10, Married-civ-spouse, Tech-support, Husband, Male,0,1887,45, United-States,1 +38, Private,34996, Some-college,10, Separated, Other-service, Unmarried, Female,0,0,40, United-States,0 +67, Self-emp-inc,106175, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,2392,75, United-States,1 +49, Federal-gov,168232, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,1 +24, Private,229826, HS-grad,9, Never-married, Sales, Not-in-family, Male,0,0,30, United-States,0 +17, Private,207637, 11th,7, Never-married, Handlers-cleaners, Own-child, Male,0,0,10, United-States,0 +46, Private,203067, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +34, Private,62374, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,48, United-States,0 +33, Private,288840, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Female,0,0,38, United-States,0 +35, Private,589809, Some-college,10, Never-married, Exec-managerial, Not-in-family, Male,13550,0,60, United-States,1 +19, Private,318822, Some-college,10, Never-married, Adm-clerical, Other-relative, Female,0,0,40, United-States,0 +51, Private,177669, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,0 +57, Local-gov,132717, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,0 +36, Private,84306, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,5013,0,50, United-States,0 +35, Private,240458, 11th,7, Divorced, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +38, Self-emp-not-inc,64875, HS-grad,9, Divorced, Farming-fishing, Not-in-family, Male,0,0,50, United-States,0 +60, Private,139391, Some-college,10, Married-spouse-absent, Machine-op-inspct, Not-in-family, Male,0,0,50, United-States,1 +18, ?,171964, HS-grad,9, Never-married, ?, Own-child, Female,0,1602,20, United-States,0 +44, ?,174147, Some-college,10, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,0 +44, Private,68729, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,1902,40, United-States,1 +33, Local-gov,242150, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Male,0,0,50, United-States,0 +46, State-gov,178686, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,38, United-States,1 +24, Private,187551, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,20, United-States,0 +36, Private,448337, HS-grad,9, Separated, Sales, Unmarried, Female,0,0,40, United-States,0 +32, Private,353994, Bachelors,13, Married-civ-spouse, Exec-managerial, Other-relative, Female,0,0,40, China,1 +35, Private,189922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +34, Private,110554, HS-grad,9, Divorced, Sales, Own-child, Female,0,0,35, United-States,0 +57, Private,182677, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,4508,0,40, South,0 +40, Local-gov,27444, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,50, United-States,1 +33, Private,184901, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +42, Private,211450, Masters,14, Never-married, Exec-managerial, Not-in-family, Male,0,0,45, United-States,1 +37, Self-emp-inc,217054, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,35, United-States,1 +21, Private,104981, Some-college,10, Never-married, Prof-specialty, Own-child, Male,0,0,48, United-States,0 +59, Self-emp-not-inc,32537, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,1 +51, Private,90363, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,15024,0,40, United-States,1 +29, Private,134890, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,1 +32, Local-gov,42596, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +68, Private,75913, 12th,8, Widowed, Sales, Not-in-family, Female,0,0,30, United-States,0 +39, Private,33975, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +65, ?,117963, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,45, United-States,0 +36, State-gov,116554, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +54, Private,308087, Some-college,10, Married-civ-spouse, Tech-support, Husband, Male,0,1977,18, United-States,1 +52, Self-emp-inc,334273, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,99999,0,65, United-States,1 +43, Private,83756, Some-college,10, Never-married, Exec-managerial, Unmarried, Male,0,0,50, United-States,0 +25, Private,149943, HS-grad,9, Never-married, Other-service, Other-relative, Male,4101,0,60, ?,0 +27, Private,211570, 11th,7, Never-married, Handlers-cleaners, Other-relative, Male,0,0,40, United-States,0 +59, Private,214052, 5th-6th,3, Divorced, Machine-op-inspct, Unmarried, Female,0,0,40, United-States,0 +23, Private,377121, Some-college,10, Never-married, Other-service, Unmarried, Female,0,0,25, United-States,0 +52, Private,308764, Some-college,10, Divorced, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +23, Private,224954, Some-college,10, Never-married, Machine-op-inspct, Own-child, Male,0,0,25, United-States,0 +25, Federal-gov,144259, HS-grad,9, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +20, Private,146538, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +23, Private,336360, 7th-8th,4, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +45, Private,189792, Masters,14, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +26, Private,302097, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,3464,0,48, United-States,0 +46, Private,383384, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +34, Private,186269, HS-grad,9, Divorced, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +42, Private,336891, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +41, Private,205153, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +52, Private,169182, 9th,5, Widowed, Other-service, Not-in-family, Female,0,0,25, Puerto-Rico,0 +58, Private,94741, 12th,8, Married-civ-spouse, Other-service, Wife, Female,0,0,24, United-States,0 +62, Self-emp-not-inc,197353, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,1740,40, United-States,0 +38, Private,220585, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,1 +27, Private,145284, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +25, State-gov,176077, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,37, United-States,0 +31, Federal-gov,203488, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +59, Self-emp-inc,125000, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, England,1 +21, Private,131473, Some-college,10, Never-married, Sales, Own-child, Male,0,0,20, Vietnam,0 +58, Federal-gov,175873, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,1 +48, Federal-gov,167749, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,1 +41, Private,170230, Bachelors,13, Divorced, Exec-managerial, Unmarried, Female,0,0,45, United-States,0 +45, Self-emp-not-inc,58683, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +68, Self-emp-inc,182131, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,10605,0,20, United-States,1 +31, Private,168521, Bachelors,13, Never-married, Exec-managerial, Unmarried, Female,0,0,50, United-States,0 +47, Private,225456, HS-grad,9, Never-married, Tech-support, Other-relative, Male,0,0,50, United-States,0 +32, Private,29312, Some-college,10, Never-married, Handlers-cleaners, Own-child, Male,0,0,40, United-States,0 +38, Private,682947, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Male,0,0,55, United-States,1 +30, Private,57651, HS-grad,9, Never-married, Adm-clerical, Unmarried, Male,0,2001,42, United-States,0 +40, Private,207578, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Male,0,1977,60, United-States,1 +31, Private,114324, Assoc-voc,11, Never-married, Other-service, Not-in-family, Female,0,0,40, United-States,0 +27, Private,168107, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +51, Private,220019, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +35, Private,167062, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +63, ?,445168, Bachelors,13, Widowed, ?, Not-in-family, Female,0,0,56, United-States,0 +49, Local-gov,249289, Bachelors,13, Divorced, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +40, Private,235786, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,44, United-States,1 +22, Private,356567, Assoc-voc,11, Divorced, Tech-support, Not-in-family, Male,0,0,60, United-States,0 +23, Private,24395, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Female,0,0,30, United-States,0 +29, Private,126208, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +27, Private,215873, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +50, Self-emp-not-inc,183915, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,1 +33, Private,112847, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, ?,0 +58, Private,183870, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +33, Private,348152, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +64, Self-emp-inc,179436, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,55, United-States,1 +43, Private,27766, Bachelors,13, Separated, Exec-managerial, Unmarried, Male,0,0,60, United-States,1 +46, Private,321327, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,7298,0,45, United-States,1 +43, Federal-gov,192712, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, United-States,1 +44, Private,124747, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Female,3103,0,40, United-States,1 +35, Private,297574, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,99, United-States,1 +24, ?,169624, HS-grad,9, Divorced, ?, Unmarried, Female,0,0,37, United-States,0 +42, Federal-gov,74680, Masters,14, Divorced, Adm-clerical, Not-in-family, Male,0,2001,60, United-States,0 +22, Local-gov,399020, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,55, United-States,0 +66, Self-emp-not-inc,212185, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,48, United-States,0 +28, Self-emp-not-inc,176027, HS-grad,9, Never-married, Other-service, Not-in-family, Female,0,0,28, United-States,0 +31, Private,272856, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,50, England,0 +68, ?,186266, HS-grad,9, Married-civ-spouse, ?, Wife, Female,0,0,8, United-States,0 +29, Private,108594, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +36, Private,181382, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, Male,3103,0,40, United-States,1 +64, Private,218490, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Male,27828,0,55, United-States,1 +42, Private,89413, 12th,8, Never-married, Farming-fishing, Own-child, Male,0,0,40, United-States,0 +45, Self-emp-not-inc,247379, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +36, Self-emp-not-inc,151094, Assoc-voc,11, Separated, Exec-managerial, Not-in-family, Male,0,0,48, United-States,0 +19, Private,184710, Some-college,10, Never-married, Craft-repair, Own-child, Male,0,0,20, United-States,0 +33, Private,340332, Bachelors,13, Separated, Exec-managerial, Not-in-family, Female,0,0,45, United-States,0 +32, Private,187901, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Female,0,0,23, United-States,0 +41, State-gov,342834, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +56, Private,170148, HS-grad,9, Divorced, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +57, Private,124507, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,55, United-States,1 +52, Private,270142, Assoc-voc,11, Separated, Exec-managerial, Unmarried, Female,0,0,60, United-States,0 +36, Federal-gov,51089, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,50, United-States,1 +26, Private,184120, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,50, United-States,0 +20, Private,296618, HS-grad,9, Never-married, Sales, Not-in-family, Female,0,0,30, United-States,0 +31, Private,182896, HS-grad,9, Never-married, Craft-repair, Not-in-family, Female,0,0,40, United-States,0 +60, ?,386261, Bachelors,13, Married-spouse-absent, ?, Unmarried, Female,0,0,15, United-States,0 +27, Private,29261, Some-college,10, Never-married, Sales, Unmarried, Male,0,0,50, United-States,0 +53, Private,154785, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,1 +53, ?,220640, Bachelors,13, Divorced, ?, Other-relative, Female,0,0,20, United-States,0 +46, Private,200734, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,35, Trinadad&Tobago,0 +24, Private,42401, Bachelors,13, Never-married, Sales, Not-in-family, Male,0,0,47, United-States,0 +36, Private,112497, 9th,5, Married-civ-spouse, Sales, Own-child, Male,0,0,50, United-States,1 +47, Private,363418, Some-college,10, Never-married, Sales, Not-in-family, Male,0,0,70, United-States,1 +21, Private,32732, Some-college,10, Never-married, Sales, Not-in-family, Male,0,0,40, United-States,0 +43, Private,354408, 12th,8, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +37, Private,190105, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,55, United-States,0 +33, ?,335625, Some-college,10, Divorced, ?, Not-in-family, Female,0,0,40, United-States,0 +44, Private,462838, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Female,0,0,48, United-States,0 +23, Private,203240, Some-college,10, Never-married, Other-service, Not-in-family, Female,0,0,40, United-States,0 +49, ?,350759, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,0 +60, Private,152369, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,0 +44, Private,144067, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Male,0,0,12, ?,0 +21, ?,300812, Some-college,10, Never-married, ?, Own-child, Male,0,0,30, United-States,0 +52, Local-gov,199995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,7298,0,60, United-States,1 +57, Private,143030, HS-grad,9, Widowed, Other-service, Unmarried, Female,0,0,30, ?,0 +58, Private,519006, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,52, United-States,0 +20, ?,117618, Some-college,10, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +40, Private,388725, Some-college,10, Divorced, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +63, Self-emp-inc,96930, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +36, Private,144169, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +62, Federal-gov,177295, HS-grad,9, Widowed, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +39, Private,300760, HS-grad,9, Divorced, Tech-support, Unmarried, Female,0,0,50, United-States,0 +44, Self-emp-not-inc,38876, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +23, Private,203003, 7th-8th,4, Never-married, Craft-repair, Not-in-family, Male,0,0,25, Germany,0 +47, Private,265275, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,40, United-States,0 +46, Private,214955, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +26, Private,417941, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +59, Private,113203, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +37, Self-emp-not-inc,111129, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +36, Private,321760, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Female,0,0,17, United-States,0 +47, Self-emp-not-inc,149116, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,50, United-States,0 +47, Private,196707, Prof-school,15, Divorced, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +61, Private,270056, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, Japan,0 +40, Private,202872, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,24, United-States,0 +39, Self-emp-not-inc,178948, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, Female,0,0,50, United-States,0 +46, Self-emp-inc,120902, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,3103,0,37, United-States,1 +49, Private,188330, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +46, Private,117849, Some-college,10, Married-civ-spouse, Sales, Husband, Male,15024,0,40, United-States,1 +30, Private,102821, Some-college,10, Married-civ-spouse, Craft-repair, Not-in-family, Male,0,0,40, Mexico,0 +24, Private,376393, Assoc-voc,11, Never-married, Sales, Not-in-family, Female,0,0,40, United-States,0 +47, State-gov,216414, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +24, Private,73928, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Female,0,0,20, United-States,0 +64, Self-emp-not-inc,106538, Masters,14, Divorced, Prof-specialty, Not-in-family, Male,0,0,50, United-States,0 +58, Private,371064, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,20, United-States,0 +34, Private,127651, 10th,6, Never-married, Farming-fishing, Not-in-family, Male,0,0,44, ?,0 +40, Private,145439, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Male,4064,0,40, Mexico,0 +33, ?,173998, HS-grad,9, Married-civ-spouse, ?, Wife, Female,0,1485,38, United-States,0 +43, Private,316183, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +26, Private,243560, Some-college,10, Never-married, Sales, Unmarried, Female,0,0,40, ?,0 +33, Private,263561, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,1 +34, Private,81223, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Female,0,0,48, United-States,0 +47, Private,220124, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +33, Private,199227, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,1 +53, Private,260106, HS-grad,9, Widowed, Sales, Not-in-family, Female,0,0,30, United-States,0 +46, Private,294907, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, Mexico,0 +34, Local-gov,254270, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +53, Private,103950, Masters,14, Divorced, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +45, Local-gov,235431, HS-grad,9, Separated, Other-service, Unmarried, Female,0,0,40, United-States,0 +37, Private,194630, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,50, United-States,0 +28, Private,302406, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Male,0,0,60, United-States,0 +33, Local-gov,256529, HS-grad,9, Separated, Other-service, Own-child, Female,0,0,80, United-States,0 +32, Private,34437, HS-grad,9, Never-married, Transport-moving, Own-child, Male,0,0,40, United-States,0 +22, Private,210165, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,50, United-States,0 +27, Private,335764, 11th,7, Married-civ-spouse, Sales, Own-child, Male,0,0,35, United-States,0 +26, Private,213799, 10th,6, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +33, Private,147700, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +24, Private,211527, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Male,0,0,30, United-States,0 +23, Private,188505, Bachelors,13, Never-married, Other-service, Own-child, Female,0,0,25, United-States,0 +39, Private,191227, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Female,13550,0,50, United-States,1 +42, Private,349884, 10th,6, Married-civ-spouse, Craft-repair, Husband, Male,0,0,35, United-States,0 +34, Private,340917, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Male,2829,0,50, ?,0 +27, State-gov,249362, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,3411,0,40, United-States,0 +25, Private,256263, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +44, Federal-gov,201435, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +40, Private,71305, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +22, Private,308205, 5th-6th,3, Never-married, Farming-fishing, Other-relative, Male,0,0,40, Mexico,0 +50, Private,43764, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,50, United-States,1 +56, Private,186556, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,1 +38, Private,31053, HS-grad,9, Divorced, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +51, Local-gov,88120, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +66, Self-emp-not-inc,28061, 7th-8th,4, Widowed, Farming-fishing, Unmarried, Male,0,0,50, United-States,0 +35, Local-gov,145308, Some-college,10, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +39, Self-emp-inc,122742, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Male,15024,0,55, United-States,1 +28, Private,116372, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,60, United-States,0 +58, Private,197114, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +43, Private,208277, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,45, United-States,1 +29, Private,334221, Some-college,10, Never-married, Other-service, Not-in-family, Female,0,0,18, United-States,0 +30, Private,345705, Some-college,10, Married-civ-spouse, Exec-managerial, Other-relative, Male,0,0,40, United-States,0 +23, Private,373628, Bachelors,13, Never-married, Other-service, Own-child, Female,0,0,20, United-States,0 +33, Private,197424, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,5013,0,40, United-States,0 +32, Private,72744, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +30, Private,270886, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,40, United-States,0 +28, Private,206125, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +46, State-gov,55377, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +48, ?,184513, Bachelors,13, Married-civ-spouse, ?, Husband, Male,0,0,80, United-States,1 +45, Private,98881, 11th,7, Married-civ-spouse, Other-service, Wife, Female,0,0,32, United-States,0 +24, Private,278155, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,30, United-States,0 +44, Self-emp-inc,64632, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,0 +28, Private,606111, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Female,0,0,60, Germany,1 +41, Local-gov,112763, Masters,14, Divorced, Prof-specialty, Unmarried, Female,7430,0,36, United-States,1 +60, ?,56248, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,1485,70, United-States,1 +34, State-gov,98995, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +60, ?,290593, Masters,14, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,0 +40, Self-emp-not-inc,171615, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,35, United-States,1 +58, Private,372181, HS-grad,9, Divorced, Sales, Unmarried, Female,0,0,40, United-States,1 +27, Self-emp-not-inc,37302, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, Male,7688,0,70, United-States,1 +30, Private,35724, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,45, United-States,1 +65, Local-gov,24824, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +52, Self-emp-not-inc,194791, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +35, Private,116541, Masters,14, Never-married, Prof-specialty, Own-child, Male,0,0,44, United-States,1 +18, Federal-gov,201686, 11th,7, Never-married, Machine-op-inspct, Own-child, Male,0,0,4, United-States,0 +46, Private,180505, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +21, Private,27255, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,40, ?,0 +67, Private,160456, 11th,7, Widowed, Other-service, Not-in-family, Female,0,0,40, United-States,0 +42, Private,42907, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Male,0,0,48, United-States,0 +37, ?,223732, Some-college,10, Separated, ?, Unmarried, Male,0,0,40, United-States,0 +42, Private,170230, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Female,0,0,55, United-States,1 +61, Private,147845, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Male,0,0,31, United-States,0 +26, Private,149734, HS-grad,9, Separated, Craft-repair, Unmarried, Female,0,1594,40, United-States,0 +20, Self-emp-inc,182200, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Female,0,0,30, United-States,0 +63, Local-gov,57674, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,48, United-States,0 +46, Private,171199, Bachelors,13, Divorced, Machine-op-inspct, Unmarried, Female,0,0,40, Puerto-Rico,0 +77, ?,232894, 9th,5, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,0 +21, Private,54472, HS-grad,9, Never-married, Other-service, Unmarried, Female,0,0,40, United-States,0 +36, Private,289148, Some-college,10, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +40, Private,311534, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,1 +23, Never-worked,188535, 7th-8th,4, Divorced, ?, Not-in-family, Male,0,0,35, United-States,0 +38, State-gov,341643, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, Male,0,0,60, United-States,0 +29, Private,136077, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,1 +24, Local-gov,203924, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Male,0,0,45, United-States,0 +54, Private,118793, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,45, United-States,0 +21, Private,329530, 11th,7, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, Mexico,0 +29, Self-emp-not-inc,241431, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,45, United-States,0 +30, Private,48520, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Male,0,2002,40, United-States,0 +34, Private,232855, Some-college,10, Separated, Other-service, Unmarried, Female,0,0,37, United-States,0 +38, Private,26698, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,0 +47, Private,207207, HS-grad,9, Divorced, Sales, Unmarried, Female,0,0,45, United-States,0 +38, ?,281768, 7th-8th,4, Divorced, ?, Unmarried, Female,0,0,30, United-States,0 +49, Private,177211, Bachelors,13, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +42, Private,141186, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,40, United-States,0 +18, Private,217743, 11th,7, Never-married, Sales, Own-child, Female,0,0,40, United-States,0 +27, Private,305647, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,1 +31, Private,117028, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +47, Private,185385, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,5013,0,24, United-States,0 +29, Private,383745, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,1887,30, United-States,1 +45, Private,197731, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +38, Private,49020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +47, Private,216734, Bachelors,13, Divorced, Sales, Unmarried, Female,0,0,50, United-States,0 +45, Private,97842, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,65, United-States,0 +31, Private,164190, 10th,6, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +34, Private,238376, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, Mexico,0 +34, Private,176117, Some-college,10, Never-married, Sales, Own-child, Female,0,0,35, United-States,0 +90, Private,52386, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +25, Private,80312, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Female,4865,0,40, United-States,0 +27, Private,124953, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,1980,40, United-States,0 +37, Private,25864, HS-grad,9, Separated, Prof-specialty, Unmarried, Female,0,0,40, United-States,0 +47, Private,162741, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Female,15024,0,40, United-States,1 +49, Private,192894, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +46, Private,330087, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,1 +61, ?,394534, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,6, United-States,0 +41, Self-emp-inc,75742, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, El-Salvador,1 +22, Private,203240, 10th,6, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +28, Local-gov,250135, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,1902,55, United-States,0 +31, Self-emp-not-inc,234537, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,0 +65, Private,274916, HS-grad,9, Widowed, Sales, Unmarried, Female,0,0,40, United-States,0 +51, ?,182543, 1st-4th,2, Separated, ?, Unmarried, Female,0,0,40, Mexico,0 +33, Private,162312, HS-grad,9, Divorced, Sales, Not-in-family, Male,0,0,45, Japan,0 +57, Private,34269, HS-grad,9, Widowed, Transport-moving, Unmarried, Male,0,653,42, United-States,1 +38, Private,229015, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +24, Private,326587, Some-college,10, Never-married, Sales, Not-in-family, Male,0,0,40, United-States,0 +25, Private,95691, HS-grad,9, Never-married, Other-service, Unmarried, Female,0,0,30, Columbia,0 +33, Private,138142, Some-college,10, Separated, Other-service, Unmarried, Female,0,0,25, United-States,0 +28, Private,403671, HS-grad,9, Never-married, Other-service, Other-relative, Male,0,0,40, Mexico,0 +43, Self-emp-inc,135342, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +38, Private,140854, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,1 +34, Private,143083, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,18, United-States,0 +28, ?,192569, HS-grad,9, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +35, Private,219902, HS-grad,9, Separated, Transport-moving, Unmarried, Female,0,0,48, United-States,0 +47, Private,160474, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,30, United-States,1 +44, Private,210013, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +37, Private,80638, Bachelors,13, Married-civ-spouse, Other-service, Husband, Male,0,0,30, China,0 +47, Private,431245, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +64, Private,182979, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +24, State-gov,413345, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,50, United-States,0 +41, Local-gov,26669, Some-college,10, Divorced, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +28, Private,149769, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,40, Cambodia,0 +23, Private,214542, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +42, Private,169628, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,38, United-States,0 +35, Private,147258, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Male,0,1974,40, United-States,0 +62, Private,128092, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Female,0,0,32, United-States,0 +31, Private,197689, HS-grad,9, Never-married, Other-service, Not-in-family, Female,0,0,38, United-States,0 +25, Federal-gov,55636, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +34, Private,301591, HS-grad,9, Never-married, Exec-managerial, Unmarried, Female,0,0,35, United-States,0 +55, Private,193130, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +73, State-gov,96262, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +29, Private,174163, Some-college,10, Divorced, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +20, Private,104981, HS-grad,9, Never-married, Sales, Not-in-family, Male,0,0,40, United-States,0 +43, Federal-gov,263502, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +39, Private,191161, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +61, Private,248448, 7th-8th,4, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +55, Private,193568, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +23, Private,215395, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +52, Self-emp-not-inc,242341, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +54, Private,225599, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,7298,0,40, India,1 +28, Self-emp-not-inc,182826, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,35, United-States,0 +36, Private,103605, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +32, Private,169955, Some-college,10, Married-civ-spouse, Other-service, Wife, Female,0,0,36, Puerto-Rico,0 +40, Private,173607, 10th,6, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +41, Private,167106, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Male,3103,0,35, Philippines,1 +36, Self-emp-not-inc,245090, Bachelors,13, Never-married, Farming-fishing, Not-in-family, Male,0,0,50, Mexico,0 +33, State-gov,306309, Masters,14, Never-married, Prof-specialty, Not-in-family, Male,0,0,50, United-States,0 +58, Local-gov,53481, Masters,14, Never-married, Prof-specialty, Not-in-family, Male,0,0,35, United-States,0 +49, Local-gov,276247, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,0 +38, Private,119177, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +35, Private,189623, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +40, Private,220589, Some-college,10, Married-civ-spouse, Sales, Wife, Female,0,0,40, United-States,1 +48, Self-emp-inc,36020, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +21, Private,198259, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,15, United-States,0 +22, Private,249727, Some-college,10, Never-married, Transport-moving, Own-child, Male,0,0,20, United-States,0 +31, Self-emp-not-inc,281030, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +36, Private,358682, Bachelors,13, Never-married, Exec-managerial, Other-relative, Male,0,0,50, ?,0 +65, Self-emp-not-inc,99359, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Male,1086,0,60, United-States,0 +22, Private,124971, Bachelors,13, Never-married, Sales, Not-in-family, Male,0,0,40, United-States,0 +60, Self-emp-not-inc,78913, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,0 +53, Private,311269, HS-grad,9, Divorced, Other-service, Not-in-family, Female,0,0,40, United-States,0 +49, State-gov,122177, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +29, State-gov,159782, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,45, United-States,1 +27, Private,367390, Some-college,10, Never-married, Craft-repair, Unmarried, Male,0,0,50, United-States,0 +38, Private,407068, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Male,0,0,75, Mexico,0 +27, Self-emp-inc,376936, HS-grad,9, Never-married, Sales, Not-in-family, Male,0,0,50, United-States,0 +36, Private,35309, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +31, Private,130620, 11th,7, Married-spouse-absent, Sales, Own-child, Female,0,0,40, India,0 +20, Private,116375, 9th,5, Never-married, Sales, Own-child, Female,0,0,40, United-States,0 +59, ?,154236, HS-grad,9, Married-civ-spouse, ?, Wife, Female,7688,0,40, United-States,1 +47, Self-emp-not-inc,26145, Assoc-voc,11, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +24, Private,186452, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Male,0,0,50, United-States,0 +43, Self-emp-not-inc,170721, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,20, United-States,0 +26, Federal-gov,95806, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,3325,0,40, United-States,0 +57, Local-gov,215175, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,0 +18, Self-emp-not-inc,212207, HS-grad,9, Never-married, Farming-fishing, Own-child, Male,0,0,11, United-States,0 +59, Private,147989, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, ?,0 +47, Private,145868, 11th,7, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +46, Self-emp-not-inc,177407, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,0 +24, Private,121313, Some-college,10, Never-married, Transport-moving, Own-child, Male,0,0,50, United-States,0 +42, Private,182108, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,35, United-States,0 +61, Self-emp-not-inc,115023, Masters,14, Married-civ-spouse, Craft-repair, Husband, Male,0,0,4, ?,0 +23, Private,237432, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, ?,0 +52, ?,105428, Some-college,10, Married-civ-spouse, ?, Husband, Male,0,0,12, United-States,0 +36, Self-emp-not-inc,257250, 7th-8th,4, Never-married, Farming-fishing, Own-child, Male,0,0,75, United-States,0 +37, Private,211494, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Male,0,0,40, United-States,1 +43, Self-emp-not-inc,349341, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Male,0,0,60, United-States,0 +41, Private,180572, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Female,0,0,50, United-States,1 +23, Private,202344, Bachelors,13, Never-married, Prof-specialty, Own-child, Female,0,0,40, United-States,0 +21, State-gov,196827, Assoc-acdm,12, Never-married, Tech-support, Own-child, Male,0,0,10, United-States,0 +33, Private,554986, Some-college,10, Separated, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +40, Private,233130, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, El-Salvador,0 +45, State-gov,312678, Masters,14, Never-married, Adm-clerical, Not-in-family, Male,0,0,38, United-States,0 +33, ?,190027, HS-grad,9, Never-married, ?, Unmarried, Female,0,0,20, United-States,0 +29, Private,24562, Bachelors,13, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +28, Private,192384, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,1 +45, Private,241350, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,48, United-States,1 +28, Private,82531, Some-college,10, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +18, Private,232024, 11th,7, Never-married, Machine-op-inspct, Own-child, Male,0,0,55, United-States,0 +19, Private,225775, Some-college,10, Never-married, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +19, Private,138760, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Male,0,0,40, United-States,0 +47, ?,308242, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,0 +74, Private,260669, 10th,6, Divorced, Other-service, Not-in-family, Female,0,0,1, United-States,0 +31, Private,197252, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Male,0,0,40, Mexico,0 +33, Private,267859, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, El-Salvador,0 +59, Self-emp-not-inc,148626, 10th,6, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +53, Private,108083, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,45, United-States,0 +36, Private,194905, Bachelors,13, Widowed, Prof-specialty, Unmarried, Female,0,0,44, United-States,0 +54, Self-emp-not-inc,156800, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +28, Private,181659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +25, State-gov,183678, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,50, United-States,0 +40, Private,223934, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,17, United-States,1 +39, Private,257942, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +44, Private,297991, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, Female,0,0,50, United-States,0 +41, Private,172307, 9th,5, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +33, Private,214129, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +25, Self-emp-not-inc,60828, Some-college,10, Never-married, Farming-fishing, Own-child, Female,0,0,50, United-States,0 +33, Self-emp-not-inc,170979, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,1887,40, United-States,1 +31, Private,223327, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +43, ?,116632, Some-college,10, Married-civ-spouse, ?, Husband, Male,0,0,45, United-States,1 +27, Private,289484, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +42, Private,187294, Some-college,10, Divorced, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +48, Private,212120, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,1 +44, Private,172479, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,7688,0,40, United-States,1 +42, Private,204235, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +57, State-gov,183657, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,35, United-States,1 +49, Private,102583, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,0,1848,44, United-States,1 +32, Private,127875, Bachelors,13, Married-civ-spouse, Tech-support, Wife, Female,0,0,40, United-States,1 +33, Self-emp-inc,40444, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +37, Private,286730, Some-college,10, Divorced, Craft-repair, Unmarried, Female,0,0,40, United-States,0 +35, Private,491000, Assoc-voc,11, Divorced, Prof-specialty, Own-child, Male,0,0,40, United-States,0 +64, ?,168340, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, ?,1 +17, Private,130125, 10th,6, Never-married, Other-service, Own-child, Female,1055,0,20, United-States,0 +32, Private,129020, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +64, Private,151540, 11th,7, Widowed, Tech-support, Unmarried, Female,0,0,16, United-States,0 +27, Private,153078, Prof-school,15, Never-married, Prof-specialty, Own-child, Male,0,0,40, United-States,0 +39, Private,155961, HS-grad,9, Divorced, Adm-clerical, Unmarried, Female,0,0,38, United-States,0 +34, Private,106014, Some-college,10, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +46, Local-gov,183168, Bachelors,13, Divorced, Prof-specialty, Unmarried, Female,0,0,43, United-States,0 +26, Private,18827, Some-college,10, Never-married, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +56, Private,204816, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +61, ?,167284, 7th-8th,4, Widowed, ?, Not-in-family, Female,0,0,40, United-States,0 +69, Self-emp-not-inc,170877, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,48, United-States,0 +40, Private,240027, Some-college,10, Never-married, Sales, Unmarried, Female,0,0,45, United-States,0 +53, Self-emp-not-inc,135339, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,7688,0,20, China,1 +19, State-gov,67217, Some-college,10, Never-married, Other-service, Not-in-family, Male,594,0,24, United-States,0 +20, Private,342599, Some-college,10, Never-married, Handlers-cleaners, Own-child, Male,0,0,35, United-States,0 +47, Private,379118, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,60, United-States,1 +49, Self-emp-inc,197332, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,60, United-States,0 +20, ?,220115, HS-grad,9, Never-married, ?, Own-child, Male,0,0,12, United-States,0 +71, Self-emp-inc,38822, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,99999,0,40, United-States,1 +19, Private,263338, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Male,0,0,20, United-States,0 +45, Private,34248, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,0,0,50, United-States,0 +33, Private,79923, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,20, United-States,0 +66, Self-emp-not-inc,102686, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,20, United-States,1 +38, Private,241153, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,48, United-States,1 +17, ?,216595, 11th,7, Never-married, ?, Own-child, Female,0,0,20, United-States,0 +41, Private,168324, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,1 +22, Local-gov,121144, Bachelors,13, Never-married, Prof-specialty, Own-child, Female,0,0,18, United-States,0 +25, Private,306908, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,45, United-States,1 +64, Self-emp-not-inc,170421, Some-college,10, Widowed, Craft-repair, Not-in-family, Female,0,0,8, United-States,0 +54, Local-gov,204325, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Male,0,0,52, United-States,0 +26, Private,258768, Some-college,10, Never-married, Transport-moving, Not-in-family, Male,2174,0,75, United-States,0 +45, Private,51664, Some-college,10, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,0 +30, Local-gov,235271, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +52, Self-emp-inc,254211, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,60, United-States,1 +40, Private,135056, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +50, Private,142073, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, Female,0,0,55, United-States,0 +63, Self-emp-not-inc,78383, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,45, United-States,0 +25, Federal-gov,27142, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +29, Federal-gov,301010, Some-college,10, Never-married, Armed-Forces, Not-in-family, Male,0,0,60, United-States,0 +30, Self-emp-not-inc,164190, Prof-school,15, Never-married, Prof-specialty, Own-child, Male,0,0,40, United-States,0 +39, Private,56118, HS-grad,9, Divorced, Other-service, Unmarried, Female,0,0,40, United-States,0 +44, Private,267717, Masters,14, Married-civ-spouse, Craft-repair, Husband, Male,15024,0,45, United-States,1 +28, ?,80165, Some-college,10, Divorced, ?, Not-in-family, Female,0,0,30, United-States,0 +37, Private,99233, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +34, Private,206609, Some-college,10, Never-married, Sales, Unmarried, Male,0,0,35, United-States,0 +63, Private,28334, Masters,14, Divorced, Exec-managerial, Not-in-family, Female,0,0,40, United-States,1 +63, Self-emp-not-inc,231105, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,35, United-States,1 +44, Private,193459, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Male,3411,0,40, United-States,0 +35, Private,164526, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, Yugoslavia,1 +25, Private,456604, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,40, United-States,0 +55, Self-emp-not-inc,278228, 10th,6, Married-civ-spouse, Sales, Husband, Male,0,0,35, United-States,0 +42, Local-gov,100793, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,60, United-States,1 +25, ?,35829, Some-college,10, Divorced, ?, Unmarried, Female,0,0,50, United-States,0 +68, ?,103161, HS-grad,9, Widowed, ?, Not-in-family, Male,0,0,32, United-States,0 +39, Private,75995, HS-grad,9, Divorced, Exec-managerial, Unmarried, Female,0,0,45, United-States,0 +25, Private,274228, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Male,0,0,84, United-States,0 +24, Private,113466, Bachelors,13, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +49, Private,143459, 9th,5, Separated, Handlers-cleaners, Own-child, Male,0,0,38, United-States,0 +24, Private,88095, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Female,0,0,24, Mexico,0 +53, Self-emp-not-inc,30008, 10th,6, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,35, United-States,0 +52, Private,191529, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,1740,60, United-States,0 +18, Private,157131, 11th,7, Never-married, Sales, Own-child, Female,0,0,30, United-States,0 +35, Self-emp-not-inc,171968, HS-grad,9, Separated, Transport-moving, Not-in-family, Male,0,0,70, United-States,0 +29, Private,102345, Assoc-voc,11, Separated, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +35, Private,214896, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Female,0,0,45, United-States,0 +25, Private,110978, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,37, India,1 +36, Private,99146, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,1887,40, United-States,1 +41, Private,190591, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, Female,0,0,40, Jamaica,0 +35, Private,143058, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,0,0,60, United-States,1 +51, Private,138022, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,1 +41, ?,277390, Bachelors,13, Married-civ-spouse, ?, Wife, Female,0,0,30, United-States,1 +40, Self-emp-inc,182437, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Male,15024,0,50, United-States,1 +65, ?,115513, Bachelors,13, Married-civ-spouse, ?, Husband, Male,5556,0,48, United-States,1 +26, State-gov,106812, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, Female,0,0,38, United-States,0 +63, Private,68872, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, Female,0,0,20, United-States,0 +35, Private,86648, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,7688,0,50, United-States,1 +27, Private,189775, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +51, Local-gov,47415, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Female,0,1628,30, United-States,0 +30, Self-emp-inc,124420, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Male,4650,0,40, United-States,0 +25, Private,165315, HS-grad,9, Divorced, Sales, Unmarried, Female,0,0,37, United-States,0 +45, Self-emp-inc,181307, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,43, United-States,1 +18, ?,171088, Some-college,10, Never-married, ?, Own-child, Female,0,0,40, United-States,0 +69, Local-gov,660461, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Female,0,0,20, United-States,0 +45, Private,156117, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, Female,0,0,32, United-States,0 +30, Private,186420, Bachelors,13, Never-married, Tech-support, Not-in-family, Female,0,0,35, United-States,0 +53, Federal-gov,181677, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +49, Private,318331, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Male,0,0,40, United-States,0 +31, Private,433788, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +55, Private,189933, 10th,6, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +56, Local-gov,370045, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,1 +46, Local-gov,160187, Masters,14, Widowed, Exec-managerial, Unmarried, Female,0,0,35, United-States,0 +47, Private,254367, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +25, Private,198632, Some-college,10, Married-spouse-absent, Sales, Not-in-family, Male,0,0,50, United-States,0 +56, Private,77415, 11th,7, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,50, United-States,0 +26, Private,433906, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +42, Private,163003, Bachelors,13, Married-spouse-absent, Tech-support, Own-child, Female,0,0,40, United-States,0 +36, Private,331395, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +33, ?,393376, 11th,7, Never-married, ?, Not-in-family, Female,0,0,40, United-States,0 +50, Private,237735, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, Male,0,0,37, Mexico,0 +19, Private,29083, HS-grad,9, Never-married, Sales, Own-child, Female,0,0,25, United-States,0 +33, Private,219034, 11th,7, Never-married, Sales, Not-in-family, Female,0,0,40, United-States,0 +45, Private,67716, HS-grad,9, Never-married, Craft-repair, Own-child, Male,10520,0,48, United-States,1 +18, Local-gov,36411, 12th,8, Never-married, Prof-specialty, Own-child, Male,0,0,30, United-States,0 +49, Private,176684, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, Female,0,0,40, United-States,0 +25, Private,391192, Some-college,10, Never-married, Sales, Own-child, Male,0,0,24, United-States,0 +54, Private,185407, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +50, Self-emp-not-inc,127151, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Female,0,0,40, Canada,1 +31, Private,289731, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +21, Private,151158, Some-college,10, Never-married, Prof-specialty, Own-child, Female,0,0,25, United-States,0 +47, Private,30457, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +44, Private,183342, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,55, United-States,1 +49, Self-emp-inc,34998, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,60, United-States,0 +63, Private,188914, HS-grad,9, Widowed, Machine-op-inspct, Other-relative, Female,0,0,40, Haiti,0 +35, State-gov,318891, Assoc-acdm,12, Widowed, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +22, Private,203182, Bachelors,13, Never-married, Exec-managerial, Unmarried, Female,0,0,30, United-States,0 +25, Private,129784, Some-college,10, Never-married, Other-service, Own-child, Female,0,0,40, United-States,0 +18, Private,324011, 9th,5, Never-married, Farming-fishing, Own-child, Male,0,0,20, United-States,0 +36, Self-emp-not-inc,90159, Some-college,10, Married-civ-spouse, Other-service, Wife, Female,0,0,40, United-States,0 +56, Private,203580, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,35, ?,0 +32, Private,207113, 10th,6, Divorced, Craft-repair, Unmarried, Male,0,0,40, United-States,0 +55, Private,234125, HS-grad,9, Married-civ-spouse, Other-service, Husband, Male,0,0,40, United-States,0 +19, Private,184207, Some-college,10, Never-married, Sales, Not-in-family, Male,0,0,40, United-States,0 +32, Self-emp-not-inc,35595, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,0 +50, ?,257117, 9th,5, Married-civ-spouse, ?, Husband, Male,0,0,50, United-States,0 +31, Private,226756, HS-grad,9, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +24, Private,420779, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,35, United-States,0 +72, Local-gov,259762, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,2290,0,10, United-States,0 +37, Private,210945, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,24, United-States,0 +19, Private,446219, 10th,6, Never-married, Sales, Unmarried, Female,0,0,40, United-States,0 +28, Private,392487, HS-grad,9, Married-civ-spouse, Sales, Wife, Female,0,0,40, United-States,0 +63, Self-emp-not-inc,129845, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +34, Private,182274, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Female,0,1887,40, United-States,1 +32, Private,128016, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Female,0,0,20, United-States,0 +26, Private,102460, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +54, Private,230767, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, Cuba,0 +32, Self-emp-inc,191385, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Male,0,0,77, United-States,0 +55, Private,130957, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,45, United-States,0 +19, Private,237848, Some-college,10, Never-married, Other-service, Own-child, Male,0,0,3, United-States,0 +47, Self-emp-not-inc,93208, HS-grad,9, Married-civ-spouse, Other-service, Wife, Female,0,0,75, Italy,0 +27, Private,229803, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +43, Private,114043, Some-college,10, Divorced, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +35, Private,322171, Some-college,10, Married-civ-spouse, Other-service, Wife, Female,0,0,40, United-States,1 +41, Private,327606, 12th,8, Separated, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +43, Self-emp-not-inc,152958, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,35, United-States,1 +44, State-gov,154176, Some-college,10, Divorced, Adm-clerical, Not-in-family, Female,0,1590,40, United-States,0 +55, State-gov,337599, Some-college,10, Divorced, Adm-clerical, Not-in-family, Male,0,0,40, United-States,0 +26, Private,130931, HS-grad,9, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +22, Private,174043, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,50, United-States,0 +65, ?,36039, HS-grad,9, Married-civ-spouse, ?, Husband, Male,0,0,40, United-States,1 +21, Private,221157, HS-grad,9, Never-married, Other-service, Own-child, Female,0,0,30, United-States,0 +38, Private,167725, Bachelors,13, Married-spouse-absent, Transport-moving, Not-in-family, Male,0,0,84, India,0 +42, Private,230624, 10th,6, Never-married, Transport-moving, Unmarried, Male,0,0,40, United-States,1 +65, Self-emp-inc,66360, 11th,7, Married-civ-spouse, Exec-managerial, Husband, Male,6418,0,35, United-States,1 +69, Private,130060, HS-grad,9, Separated, Transport-moving, Unmarried, Female,2387,0,40, United-States,0 +32, Federal-gov,504951, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, Male,0,0,50, United-States,0 +52, Private,163998, HS-grad,9, Married-civ-spouse, Sales, Husband, Male,99999,0,45, United-States,1 +32, Private,176185, Some-college,10, Divorced, Exec-managerial, Other-relative, Male,0,0,60, United-States,0 +17, Private,168203, 7th-8th,4, Never-married, Farming-fishing, Other-relative, Male,0,0,40, Mexico,0 +62, Self-emp-inc,134768, Masters,14, Married-civ-spouse, Sales, Husband, Male,0,0,35, United-States,0 +24, Private,103064, HS-grad,9, Never-married, Sales, Own-child, Female,0,0,55, United-States,0 +46, Private,288608, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,40, United-States,0 +34, Private,212781, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +27, Private,59068, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Male,0,0,40, United-States,0 +54, Private,139703, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,3103,0,40, Germany,1 +26, Private,389856, HS-grad,9, Never-married, Transport-moving, Not-in-family, Male,0,0,40, United-States,0 +49, Local-gov,31267, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,0 +19, ?,371827, HS-grad,9, Never-married, ?, Own-child, Male,0,0,40, Portugal,0 +31, Private,126402, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Female,0,0,60, United-States,0 +27, Private,189589, Some-college,10, Divorced, Tech-support, Not-in-family, Female,0,0,40, United-States,0 +67, ?,81761, Masters,14, Married-civ-spouse, ?, Husband, Male,0,0,2, United-States,0 +44, Private,126199, Some-college,10, Divorced, Transport-moving, Unmarried, Male,1831,0,50, United-States,0 +39, Private,67433, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +65, ?,143118, HS-grad,9, Widowed, ?, Unmarried, Female,0,2206,10, United-States,0 +44, Private,89172, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,50, United-States,1 +22, Private,325179, Some-college,10, Never-married, Prof-specialty, Own-child, Male,0,0,50, United-States,0 +26, Private,96467, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +37, Private,119098, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +19, Private,248339, HS-grad,9, Never-married, Craft-repair, Own-child, Male,0,0,35, United-States,0 +25, Local-gov,222800, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +31, Private,225053, HS-grad,9, Divorced, Transport-moving, Not-in-family, Male,0,0,45, United-States,0 +37, Self-emp-not-inc,103925, Bachelors,13, Married-civ-spouse, Sales, Wife, Female,0,0,50, United-States,0 +60, Private,238913, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,46, United-States,1 +46, Private,471990, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,46, United-States,1 +34, Private,269243, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, United-States,0 +36, Self-emp-not-inc,138940, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,70, United-States,0 +36, Private,160192, HS-grad,9, Never-married, Other-service, Not-in-family, Male,0,0,40, United-States,0 +26, Private,491862, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +42, Private,213464, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +35, Private,234901, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Male,2407,0,40, United-States,0 +53, Private,150980, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Male,3137,0,40, United-States,0 +30, Private,195488, HS-grad,9, Never-married, Priv-house-serv, Own-child, Female,0,0,40, Guatemala,0 +43, Private,182757, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,1 +38, Self-emp-not-inc,176657, Some-college,10, Separated, Sales, Not-in-family, Male,0,0,60, Japan,0 +28, Private,315287, Some-college,10, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +58, Self-emp-not-inc,234841, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,72, United-States,0 +33, Private,196898, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Female,0,0,40, United-States,0 +45, Local-gov,318280, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Male,7688,0,50, United-States,1 +47, Private,94809, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, Female,0,0,45, United-States,1 +23, Private,86065, 12th,8, Never-married, Other-service, Not-in-family, Female,0,0,30, United-States,0 +39, Private,49020, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,3103,0,48, United-States,1 +21, Private,111467, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +38, Private,289148, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, Female,0,0,40, United-States,0 +36, State-gov,345712, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,0 +20, Private,266467, HS-grad,9, Never-married, Other-service, Own-child, Male,0,0,25, United-States,0 +27, State-gov,192257, HS-grad,9, Never-married, Protective-serv, Own-child, Male,2174,0,40, United-States,0 +30, Private,101859, 7th-8th,4, Never-married, Craft-repair, Not-in-family, Male,0,0,50, United-States,0 +33, Local-gov,289716, 10th,6, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,0 +24, Private,52242, HS-grad,9, Married-civ-spouse, Sales, Wife, Female,0,0,40, United-States,1 +38, State-gov,142022, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Female,0,0,40, United-States,0 +31, Private,348491, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Female,0,0,40, United-States,0 +35, Self-emp-not-inc,188563, HS-grad,9, Divorced, Farming-fishing, Own-child, Male,0,0,50, United-States,0 +26, Self-emp-not-inc,151626, HS-grad,9, Never-married, Prof-specialty, Own-child, Female,0,0,40, United-States,0 +30, Private,313038, HS-grad,9, Never-married, Craft-repair, Not-in-family, Male,0,0,40, United-States,0 +43, Private,208613, Prof-school,15, Married-spouse-absent, Prof-specialty, Not-in-family, Male,99999,0,40, United-States,1 +65, ?,178931, HS-grad,9, Married-civ-spouse, ?, Husband, Male,3818,0,40, United-States,0 +32, Private,159187, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +44, Self-emp-not-inc,218653, Bachelors,13, Divorced, Craft-repair, Own-child, Male,0,0,40, United-States,0 +37, Private,128715, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,1 +27, Private,240809, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,56, United-States,0 +62, State-gov,39630, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +38, Private,187999, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Male,0,0,45, United-States,1 +20, Private,197997, Some-college,10, Never-married, Prof-specialty, Own-child, Male,0,0,40, United-States,0 +17, Private,48610, 11th,7, Never-married, Farming-fishing, Own-child, Male,0,0,45, United-States,0 +28, Private,59335, Bachelors,13, Married-civ-spouse, Adm-clerical, Other-relative, Female,0,0,15, United-States,0 +26, Private,112847, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Male,0,0,40, United-States,0 +32, State-gov,119033, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Male,0,0,40, United-States,1 +53, Private,177705, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Male,0,0,44, United-States,1 +21, Private,163870, Some-college,10, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +40, Self-emp-not-inc,284706, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,0,1977,60, United-States,1 +20, Self-emp-not-inc,211466, HS-grad,9, Never-married, Transport-moving, Own-child, Male,0,0,80, United-States,0 +46, Private,192793, Some-college,10, Divorced, Exec-managerial, Not-in-family, Male,0,0,40, United-States,0 +21, Private,538822, HS-grad,9, Never-married, Other-service, Other-relative, Male,0,0,40, Mexico,0 +22, Private,199336, Some-college,10, Never-married, Machine-op-inspct, Own-child, Male,0,0,25, United-States,0 +40, Private,180985, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 +42, Private,109067, Bachelors,13, Separated, Tech-support, Not-in-family, Male,0,0,40, United-States,0 +33, Private,119176, Some-college,10, Widowed, Adm-clerical, Unmarried, Female,0,0,40, United-States,0 +28, Private,308995, Some-college,10, Never-married, Adm-clerical, Own-child, Female,0,0,40, Jamaica,0 +79, Private,124744, Some-college,10, Married-civ-spouse, Prof-specialty, Other-relative, Male,0,0,20, United-States,0 +20, Local-gov,247794, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Female,0,0,35, United-States,0 +28, Private,181776, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,0,0,40, United-States,0 +36, Private,267556, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,4064,0,40, United-States,0 +45, Self-emp-inc,155664, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, ?,1 +36, Private,169426, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Male,7298,0,40, United-States,1 +22, ?,291407, 12th,8, Never-married, ?, Own-child, Male,0,0,40, United-States,0 +52, State-gov,254285, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,40, United-States,0 +36, Private,228157, Some-college,10, Never-married, Craft-repair, Not-in-family, Male,0,0,40, Laos,0 +46, State-gov,363875, Some-college,10, Divorced, Protective-serv, Unmarried, Female,0,0,40, United-States,0 +21, Private,175374, HS-grad,9, Never-married, Adm-clerical, Own-child, Male,0,0,40, United-States,0 +31, Private,591711, Some-college,10, Married-spouse-absent, Transport-moving, Not-in-family, Male,0,0,40, ?,0 +34, Private,318886, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,40, United-States,0 +44, Private,227065, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, United-States,1 +45, Local-gov,61885, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,37, United-States,1 +36, State-gov,747719, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, Female,15024,0,50, United-States,1 +41, Private,35166, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Male,15024,0,50, United-States,1 +25, Private,298225, HS-grad,9, Divorced, Craft-repair, Not-in-family, Male,0,0,50, United-States,0 +67, Private,126849, 10th,6, Married-civ-spouse, Transport-moving, Husband, Male,0,0,20, United-States,0 +35, Private,108907, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Male,0,0,40, United-States,0 +58, Private,239523, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,45, United-States,1 +32, State-gov,400132, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Male,0,0,40, United-States,1 +26, Private,33610, HS-grad,9, Never-married, Transport-moving, Own-child, Male,0,0,40, United-States,0 +48, Private,167159, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Male,0,0,40, United-States,0 +32, Private,80058, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Male,0,0,40, United-States,0 +44, Private,98211, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Male,0,0,55, United-States,0 +49, Local-gov,343231, Masters,14, Never-married, Prof-specialty, Not-in-family, Female,0,0,80, United-States,0 +47, Private,122026, Assoc-voc,11, Divorced, Sales, Not-in-family, Male,0,0,50, United-States,0 +39, State-gov,126336, HS-grad,9, Divorced, Prof-specialty, Not-in-family, Male,0,0,40, United-States,0 +40, Self-emp-not-inc,30759, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, Male,0,0,60, United-States,0 +54, Private,171924, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Male,0,0,48, United-States,0 +32, Private,115631, Some-college,10, Never-married, Adm-clerical, Not-in-family, Female,4101,0,50, United-States,0 +25, Local-gov,163101, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Male,0,0,45, United-States,0 +30, Private,347166, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Male,0,0,60, United-States,0 +35, Private,106967, Masters,14, Never-married, Sales, Not-in-family, Female,0,0,40, United-States,0 +39, Private,179481, HS-grad,9, Never-married, Tech-support, Not-in-family, Male,4650,0,44, United-States,0 +35, Private,54953, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Male,0,0,40, United-States,0 +23, Private,344278, Some-college,10, Divorced, Exec-managerial, Unmarried, Female,0,0,25, United-States,0 +44, Private,226129, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Male,0,0,50, United-States,1 +50, Private,209320, Bachelors,13, Married-civ-spouse, Sales, Husband, Male,0,0,40, United-States,1 +55, Private,50164, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,60, United-States,1 +48, Private,164966, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,40, India,1 +68, Private,73773, HS-grad,9, Widowed, Sales, Not-in-family, Female,0,0,24, United-States,0 +33, Private,167939, HS-grad,9, Married-civ-spouse, Other-service, Own-child, Female,0,0,25, United-States,0 +59, State-gov,139616, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Male,0,0,50, United-States,1 diff --git a/datasets/adult_dataset_small/adult_small.json b/datasets/adult_dataset_small/adult_small.json new file mode 100644 index 00000000..ed4d7b00 --- /dev/null +++ b/datasets/adult_dataset_small/adult_small.json @@ -0,0 +1,60 @@ +{ + "columns": [ + { + "name": "age", + "type": "DiscreteNumerical" + }, + { + "name": "workclass", + "type": "Categorical" + }, + { + "name": "fnlwgt", + "type": "DiscreteNumerical" + }, + { + "name": "education", + "type": "Categorical" + }, + { + "name": "education-num", + "type": "DiscreteNumerical" + }, + { + "name": "marital-status", + "type": "Categorical" + }, + { + "name": "occupation", + "type": "Categorical" + }, + { + "name": "relationship", + "type": "Categorical" + }, + { + "name": "sex", + "type": "Categorical" + }, + { + "name": "capital-gain", + "type": "DiscreteNumerical" + }, + { + "name": "capital-loss", + "type": "DiscreteNumerical" + }, + { + "name": "hours", + "type": "DiscreteNumerical" + }, + { + "name": "native", + "type": "Categorical" + }, + { + "name": "label", + "type": "Categorical" + } + ] +} diff --git a/examples/adult-resampling-ensemble/adult-resampling-ensemble.py b/examples/adult-resampling-ensemble/adult-resampling-ensemble.py index 768d1ca8..9c732235 100644 --- a/examples/adult-resampling-ensemble/adult-resampling-ensemble.py +++ b/examples/adult-resampling-ensemble/adult-resampling-ensemble.py @@ -48,7 +48,7 @@ def input_json(random_state): "LogisticRegression": {"mode": "main", "params_main": {"max_iter": 1000}} }, }, - "utility_parameters_correlations": {"enabled": True}, + "utility_parameters_correlations": {"enabled": False}, "utility_parameters_feature_importance": { "enabled": True, "label_column": "label", diff --git a/examples/adult-subsample-ensemble/adult-subsample-ensemble.py b/examples/adult-subsample-ensemble/adult-subsample-ensemble.py index e794a532..122a1ea2 100644 --- a/examples/adult-subsample-ensemble/adult-subsample-ensemble.py +++ b/examples/adult-subsample-ensemble/adult-subsample-ensemble.py @@ -27,7 +27,7 @@ def input_json(random_state, sample_frac): "LogisticRegression": {"mode": "main", "params_main": {"max_iter": 1000}} }, }, - "utility_parameters_correlations": {"enabled": True}, + "utility_parameters_correlations": {"enabled": False}, "utility_parameters_feature_importance": { "enabled": True, "label_column": "label", diff --git a/examples/adult_small-resampling-ensemble/adult_small-resampling-ensemble.py b/examples/adult_small-resampling-ensemble/adult_small-resampling-ensemble.py new file mode 100644 index 00000000..2dedb9b5 --- /dev/null +++ b/examples/adult_small-resampling-ensemble/adult_small-resampling-ensemble.py @@ -0,0 +1,164 @@ +import argparse +import json +import matplotlib.pyplot as plt +import subprocess +import pandas as pd +from itertools import product +from pathlib import Path + +def input_json(random_state): + return { + "enabled": True, + "dataset": "datasets/adult_dataset_small/adult_small", + "synth-method": "synthpop", + "parameters": { + "enabled": True, + "num_samples_to_fit": -1, + "num_samples_to_synthesize": -1, + "num_datasets_to_synthesize": 1, + "random_state": int(random_state), + "vars_sequence": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14], + "synthesis_methods": [ + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + ], + "proper": False, + "tree_minbucket": 1, + }, + "privacy_parameters_disclosure_risk": { + "enabled": False, + "num_samples_intruder": 5000, + "vars_intruder": ["gender", "age", "neighborhood"], + }, + "utility_parameters_classifiers": { + "enabled": False, + "classifier": { + "LogisticRegression": {"mode": "main", "params_main": {"max_iter": 1000}} + }, + }, + "utility_parameters_correlations": {"enabled": False}, + "utility_parameters_feature_importance": { + "enabled": True, + "label_column": "label", + "normalized_entities": [ + { + "new_entity_id": "education", + "index": "education-num", + "additional_variables": ["education"], + "make_time_index": False, + }, + { + "new_entity_id": "Workclass", + "index": "workclass", + "additional_variables": [], + "make_time_index": False, + }, + { + "new_entity_id": "Occupation", + "index": "occupation", + "additional_variables": [], + "make_time_index": False, + }, + ], + "max_depth": 2, + "features_to_exclude": ["education-num"], + "drop_na": True, + "categorical_enconding": "labels", + "compute_shapley": True, + "skip_feature_engineering": False + }, + } + + + +def filename_stem(i): + return f"adult_small-resampling-ensemble-{i:04}" + + +def input_path(i): + return Path(f"../../run-inputs/{filename_stem(i)}.json") + + +def feature_importance_path(i): + return Path( + f"../../synth-output/{filename_stem(i)}/utility_feature_importance.json" + ) + + +def write_input_file(i, params, force=False): + fname = input_path(i) + run_input = json.dumps(input_json(**params), indent=4) + if force or not fname.exists(): + print(f"Writing {fname}") + with open(fname, "w") as input_file: + input_file.write(run_input) + + +def read_json(fname): + with open(fname) as f: + return json.load(f) + + +def handle_cmdline_args(): + parser = argparse.ArgumentParser( + description="Generate (optionally run and postprocess) an ensemble of run inputs" + ) + + parser.add_argument( + "-n", + "--num-replicas", + dest="nreplicas", + required=True, + type=int, + help="The number of replicas to generate", + ) + + parser.add_argument( + "-r", + "--run", + default=False, + action="store_true", + help="Run (via make) and postprocess?", + ) + + parser.add_argument( + "-f", + "--force-write", + dest="force", + default=False, + action="store_true", + help="Write out input files, even if they exist", + ) + + args = parser.parse_args() + return args + + +if __name__ == "__main__": + args = handle_cmdline_args() + + random_states = range(args.nreplicas) + + all_params = pd.DataFrame( + data=random_states, columns=["random_state"] + ) + + for i, params in all_params.iterrows(): + print(dict(params)) + write_input_file(i, dict(params), force=args.force) + + if args.run: + all_targets = [f"run-{filename_stem(i)}" for i, _ in all_params.iterrows()] + subprocess.run(["make", "-j", "-C../.."] + all_targets) diff --git a/examples/adult_small-subsample-ensemble/adult_small-subsample-ensemble.py b/examples/adult_small-subsample-ensemble/adult_small-subsample-ensemble.py new file mode 100644 index 00000000..eb4a7b4a --- /dev/null +++ b/examples/adult_small-subsample-ensemble/adult_small-subsample-ensemble.py @@ -0,0 +1,144 @@ +import argparse +import json +import matplotlib.pyplot as plt +import subprocess +import pandas as pd +from itertools import product +from pathlib import Path + +def input_json(random_state, sample_frac): + return { + "enabled": True, + "dataset": "datasets/adult_dataset_small/adult_small", + "synth-method": "subsample", + "parameters": { + "enabled": True, + "frac_samples_to_synthesize": sample_frac, + "random_state": int(random_state), + }, + "privacy_parameters_disclosure_risk": { + "enabled": False, + "num_samples_intruder": 5000, + "vars_intruder": ["gender", "age", "neighborhood"], + }, + "utility_parameters_classifiers": { + "enabled": False, + "classifier": { + "LogisticRegression": {"mode": "main", "params_main": {"max_iter": 1000}} + }, + }, + "utility_parameters_correlations": {"enabled": False}, + "utility_parameters_feature_importance": { + "enabled": True, + "label_column": "label", + "normalized_entities": [ + { + "new_entity_id": "education", + "index": "education-num", + "additional_variables": ["education"], + "make_time_index": False, + }, + { + "new_entity_id": "Workclass", + "index": "workclass", + "additional_variables": [], + "make_time_index": False, + }, + { + "new_entity_id": "Occupation", + "index": "occupation", + "additional_variables": [], + "make_time_index": False, + }, + ], + "max_depth": 2, + "features_to_exclude": ["education-num"], + "drop_na": True, + "categorical_enconding": "labels", + "compute_shapley": True, + "skip_feature_engineering": False + }, + } + + +def filename_stem(i): + return f"adult_small-subsample-ensemble-{i:04}" + + +def input_path(i): + return Path(f"../../run-inputs/{filename_stem(i)}.json") + + +def write_input_file(i, params, force=False): + fname = input_path(i) + run_input = json.dumps(input_json(**params), indent=4) + if force or not fname.exists(): + print(f"Writing {fname}") + with open(fname, "w") as input_file: + input_file.write(run_input) + + +def read_json(fname): + with open(fname) as f: + return json.load(f) + + +def handle_cmdline_args(): + parser = argparse.ArgumentParser( + description="Generate (optionally run and postprocess) an ensemble of run inputs" + ) + + parser.add_argument( + "-n", + "--num-replicas", + dest="nreplicas", + required=True, + type=int, + help="The number of replicas to generate", + ) + + parser.add_argument( + "-r", + "--run", + default=False, + action="store_true", + help="Run (via make) and postprocess?", + ) + + parser.add_argument( + "-f", + "--force-write", + dest="force", + default=False, + action="store_true", + help="Write out input files, even if they exist", + ) + + parser.add_argument( + "-s", + "--sample-fractions", + dest="sample_fracs", + required=True, + help="The list of fraction of samples used", + ) + + args = parser.parse_args() + return args + + +if __name__ == "__main__": + args = handle_cmdline_args() + + random_states = range(args.nreplicas) + + all_params = pd.DataFrame( + data=product(random_states, map(float, args.sample_fracs.strip('[]').split(','))), columns=["random_state", "sample_frac"] + ) + + for i, params in all_params.iterrows(): + print(dict(params)) + write_input_file(i, dict(params), force=args.force) + + if args.run: + all_targets = [f"run-{filename_stem(i)}" for i, _ in all_params.iterrows()] + subprocess.run(["make", "-j72", "-C../.."] + all_targets) diff --git a/examples/framingham-resampling-ensemble/framingham-resampling-ensemble.py b/examples/framingham-resampling-ensemble/framingham-resampling-ensemble.py index 197bcf13..8ff2eb0f 100644 --- a/examples/framingham-resampling-ensemble/framingham-resampling-ensemble.py +++ b/examples/framingham-resampling-ensemble/framingham-resampling-ensemble.py @@ -50,7 +50,7 @@ def input_json(random_state): "LogisticRegression": {"mode": "main", "params_main": {"max_iter": 1000}} }, }, - "utility_parameters_correlations": {"enabled": True}, + "utility_parameters_correlations": {"enabled": False}, "utility_parameters_feature_importance": { "enabled": True, "label_column": "TenYearCHD", diff --git a/examples/framingham-subsample-ensemble/framingham-subsample-ensemble.py b/examples/framingham-subsample-ensemble/framingham-subsample-ensemble.py index 8b4d1ce0..d184efe9 100644 --- a/examples/framingham-subsample-ensemble/framingham-subsample-ensemble.py +++ b/examples/framingham-subsample-ensemble/framingham-subsample-ensemble.py @@ -27,7 +27,7 @@ def input_json(random_state, sample_frac): "LogisticRegression": {"mode": "main", "params_main": {"max_iter": 1000}} }, }, - "utility_parameters_correlations": {"enabled": True}, + "utility_parameters_correlations": {"enabled": False}, "utility_parameters_feature_importance": { "enabled": True, "label_column": "TenYearCHD", diff --git a/examples/household_large-resampling-ensemble/household_large-resampling-ensemble.py b/examples/household_large-resampling-ensemble/household_large-resampling-ensemble.py new file mode 100644 index 00000000..1d93346c --- /dev/null +++ b/examples/household_large-resampling-ensemble/household_large-resampling-ensemble.py @@ -0,0 +1,188 @@ +import argparse +import json +import matplotlib.pyplot as plt +import subprocess +import pandas as pd +from itertools import product +from pathlib import Path + +def input_json(random_state): + return { + "enabled": True, + "dataset": "generator-outputs/household_poverty/train_cleaned_large", + "synth-method": "synthpop", + "parameters": { + "enabled": True, + "num_samples_to_fit": -1, + "num_samples_to_synthesize": -1, + "num_datasets_to_synthesize": 1, + "random_state": int(random_state), + "vars_sequence": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, + 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, + 30, 31, 32, 33, 34, 35, 36, 37, 38, 39], + "synthesis_methods": [ + "", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample", + "sample" + ], + "proper": False, + "tree_minbucket": 1, + }, + "privacy_parameters_disclosure_risk": { + "enabled": False, + "num_samples_intruder": 5000, + "vars_intruder": ["gender", "age", "neighborhood"], + }, + "utility_parameters_classifiers": { + "enabled": False, + "classifier": { + "LogisticRegression": {"mode": "main", "params_main": {"max_iter": 1000}} + }, + }, + "utility_parameters_correlations": {"enabled": False}, + "utility_parameters_feature_importance": { + "enabled": True, + "entity_index": "Id", + "label_column": "Target", + "normalized_entities": [ + {"new_entity_id": "household", + "index": "idhogar", + "additional_variables": ["pared", "piso", "energcocinar", "cielorazo", + "epared", "etecho", "eviv", + "rooms", "r4m1", "r4m2", + "r4m3", "r4t1", "r4t2", "r4t3", + "hogar_nin", "bedrooms", "qmobilephone", + "dependency", "edjefe", "meaneduc", + "overcrowding", "hhsize", + "television", "SQBdependency", "Target"] + } + ], + "max_depth": 2, + "aggPrimitives": ["min", "max", "count", "mode", "num_unique", "std", "sum"], + "target_entity": "household", + "drop_na": True, + "drop_full_na_columns": True, + "na_thresh": 0.30, + "compute_shapley": True, + "skip_feature_engineering": False, + "features_to_exclude": ["idhogar"], + "filter_hh": True + } + } + + +def filename_stem(i): + return f"household_large-resampling-ensemble-{i:04}" + + +def input_path(i): + return Path(f"../../run-inputs/{filename_stem(i)}.json") + + +def feature_importance_path(i): + return Path( + f"../../synth-output/{filename_stem(i)}/utility_feature_importance.json" + ) + + +def write_input_file(i, params, force=False): + fname = input_path(i) + run_input = json.dumps(input_json(**params), indent=4) + if force or not fname.exists(): + print(f"Writing {fname}") + with open(fname, "w") as input_file: + input_file.write(run_input) + + +def read_json(fname): + with open(fname) as f: + return json.load(f) + + +def handle_cmdline_args(): + parser = argparse.ArgumentParser( + description="Generate (optionally run and postprocess) an ensemble of run inputs" + ) + + parser.add_argument( + "-n", + "--num-replicas", + dest="nreplicas", + required=True, + type=int, + help="The number of replicas to generate", + ) + + parser.add_argument( + "-r", + "--run", + default=False, + action="store_true", + help="Run (via make) and postprocess?", + ) + + parser.add_argument( + "-f", + "--force-write", + dest="force", + default=False, + action="store_true", + help="Write out input files, even if they exist", + ) + + args = parser.parse_args() + return args + + +if __name__ == "__main__": + args = handle_cmdline_args() + + random_states = range(args.nreplicas) + + all_params = pd.DataFrame( + data=random_states, columns=["random_state"] + ) + + for i, params in all_params.iterrows(): + print(dict(params)) + write_input_file(i, dict(params), force=args.force) + + if args.run: + all_targets = [f"run-{filename_stem(i)}" for i, _ in all_params.iterrows()] + subprocess.run(["make", "-j", "-C../.."] + all_targets) diff --git a/examples/household_large-subsample-ensemble/household_large-subsample-ensemble.py b/examples/household_large-subsample-ensemble/household_large-subsample-ensemble.py new file mode 100644 index 00000000..79d72051 --- /dev/null +++ b/examples/household_large-subsample-ensemble/household_large-subsample-ensemble.py @@ -0,0 +1,142 @@ +import argparse +import json +import matplotlib.pyplot as plt +import subprocess +import pandas as pd +from itertools import product +from pathlib import Path + +def input_json(random_state, sample_frac): + return { + "enabled": True, + "dataset": "generator-outputs/household_poverty/train_cleaned_large", + "synth-method": "subsample", + "parameters": { + "enabled": True, + "frac_samples_to_synthesize": sample_frac, + "random_state": int(random_state), + }, + "privacy_parameters_disclosure_risk": { + "enabled": False, + "num_samples_intruder": 5000, + "vars_intruder": ["gender", "age", "neighborhood"], + }, + "utility_parameters_classifiers": { + "enabled": False, + "classifier": { + "LogisticRegression": {"mode": "main", "params_main": {"max_iter": 1000}} + }, + }, + "utility_parameters_correlations": {"enabled": False}, + "utility_parameters_feature_importance": { + "enabled": True, + "entity_index": "Id", + "label_column": "Target", + "normalized_entities": [ + {"new_entity_id": "household", + "index": "idhogar", + "additional_variables": ["pared", "piso", "energcocinar", "cielorazo", + "epared", "etecho", "eviv", + "rooms", "r4m1", "r4m2", + "r4m3", "r4t1", "r4t2", "r4t3", + "hogar_nin", "bedrooms", "qmobilephone", + "dependency", "edjefe", "meaneduc", + "overcrowding", "hhsize", + "television", "SQBdependency", "Target"] + } + ], + "max_depth": 2, + "aggPrimitives": ["min", "max", "count", "mode", "num_unique", "std", "sum"], + "target_entity": "household", + "drop_na": True, + "drop_full_na_columns": True, + "na_thresh": 0.30, + "compute_shapley": True, + "skip_feature_engineering": False, + "features_to_exclude": ["idhogar"], + "filter_hh": True + } + } + + +def filename_stem(i): + return f"household_large-subsample-ensemble-{i:04}" + + +def input_path(i): + return Path(f"../../run-inputs/{filename_stem(i)}.json") + + +def write_input_file(i, params, force=False): + fname = input_path(i) + run_input = json.dumps(input_json(**params), indent=4) + if force or not fname.exists(): + print(f"Writing {fname}") + with open(fname, "w") as input_file: + input_file.write(run_input) + + +def read_json(fname): + with open(fname) as f: + return json.load(f) + + +def handle_cmdline_args(): + parser = argparse.ArgumentParser( + description="Generate (optionally run and postprocess) an ensemble of run inputs" + ) + + parser.add_argument( + "-n", + "--num-replicas", + dest="nreplicas", + required=True, + type=int, + help="The number of replicas to generate", + ) + + parser.add_argument( + "-r", + "--run", + default=False, + action="store_true", + help="Run (via make) and postprocess?", + ) + + parser.add_argument( + "-f", + "--force-write", + dest="force", + default=False, + action="store_true", + help="Write out input files, even if they exist", + ) + + parser.add_argument( + "-s", + "--sample-fractions", + dest="sample_fracs", + required=True, + help="The list of fractions of samples used", + ) + + args = parser.parse_args() + return args + + +if __name__ == "__main__": + args = handle_cmdline_args() + + random_states = range(args.nreplicas) + + all_params = pd.DataFrame( + data=product(random_states, map(float, args.sample_fracs.strip('[]').split(','))), columns=["random_state", "sample_frac"] + ) + + for i, params in all_params.iterrows(): + print(dict(params)) + write_input_file(i, dict(params), force=args.force) + + if args.run: + all_targets = [f"run-{filename_stem(i)}" for i, _ in all_params.iterrows()] + subprocess.run(["make", "-j72", "-C../.."] + all_targets) diff --git a/examples/privbayes-adult_small-ensemble/privbayes-adult_small-ensemble.py b/examples/privbayes-adult_small-ensemble/privbayes-adult_small-ensemble.py new file mode 100644 index 00000000..3b068f8a --- /dev/null +++ b/examples/privbayes-adult_small-ensemble/privbayes-adult_small-ensemble.py @@ -0,0 +1,164 @@ +import argparse +import json +import matplotlib.pyplot as plt +import subprocess +import seaborn as sns +import pandas as pd +from itertools import product +from pathlib import Path + + +def input_json(random_state, epsilon, k): + return { + "enabled": True, + "dataset": "datasets/adult_dataset_small/adult_small", + "synth-method": "PrivBayes", + "parameters": { + "enabled": True, + "num_samples_to_synthesize": 32562, + "random_state": int(random_state), + "category_threshold": 20, + "epsilon": epsilon, + "k": int(k), + "keys": ["appointment_id"], + "histogram_bins": 10, + "preconfigured_bn": {}, + "save_description": False + }, + "privacy_parameters_disclosure_risk": {"enabled": False}, + "utility_parameters_classifiers": { + "enabled": False, + "classifier": { + "LogisticRegression": {"mode": "main", "params_main": {"max_iter": 1000}} + }, + }, + "utility_parameters_correlations": {"enabled": False}, + "utility_parameters_feature_importance": { + "enabled": True, + "label_column": "label", + "normalized_entities": [ + { + "new_entity_id": "education", + "index": "education-num", + "additional_variables": ["education"], + "make_time_index": False, + }, + { + "new_entity_id": "Workclass", + "index": "workclass", + "additional_variables": [], + "make_time_index": False, + }, + { + "new_entity_id": "Occupation", + "index": "occupation", + "additional_variables": [], + "make_time_index": False, + }, + ], + "max_depth": 2, + "features_to_exclude": ["education-num"], + "drop_na": True, + "categorical_enconding": "labels", + "compute_shapley": True, + "skip_feature_engineering": False + }, + } + + +def filename_stem(i): + return f"privbayes-adult_small-ensemble-{i:04}" + + +def input_path(i): + return Path(f"../../run-inputs/{filename_stem(i)}.json") + + +def feature_importance_path(i): + return Path( + f"../../synth-output/{filename_stem(i)}/utility_feature_importance.json" + ) + + +def write_input_file(i, params, force=False): + fname = input_path(i) + run_input = json.dumps(input_json(**params), indent=4) + if force or not fname.exists(): + print(f"Writing {fname}") + with open(fname, "w") as input_file: + input_file.write(run_input) + + +def read_json(fname): + with open(fname) as f: + return json.load(f) + + +def handle_cmdline_args(): + parser = argparse.ArgumentParser( + description="Generate (optionally run and postprocess) an ensemble of run inputs" + ) + + parser.add_argument( + "-n", + "--num-replicas", + dest="nreplicas", + required=True, + type=int, + help="The number of replicas to generate", + ) + + parser.add_argument( + "-r", + "--run", + default=False, + action="store_true", + help="Run (via make) and postprocess?", + ) + + parser.add_argument( + "-f", + "--force-write", + dest="force", + default=False, + action="store_true", + help="Write out input files, even if they exist", + ) + + parser.add_argument( + "-e", + "--epsilons", + dest="epsilons", + required=True, + help="Define epsilon for the requested run", + ) + + parser.add_argument( + "-k", + "--parents", + dest="k", + required=True, + type=int, + help="Define k (number of parents) for the requested run", + ) + + args = parser.parse_args() + return args + + +if __name__ == "__main__": + args = handle_cmdline_args() + + random_states = range(args.nreplicas) + + all_params = pd.DataFrame( + data=product(random_states, map(float, args.epsilons.strip('[]').split(',')), [args.k]), columns=["random_state", "epsilon", "k"] + ) + + for i, params in all_params.iterrows(): + print(dict(params)) + write_input_file(i, dict(params), force=args.force) + + if args.run: + all_targets = [f"run-{filename_stem(i)}" for i, _ in all_params.iterrows()] + subprocess.run(["make", "-k", "-j72", "-C../.."] + all_targets) diff --git a/examples/privbayes-framingham-ensemble/privbayes-framingham-ensemble.py b/examples/privbayes-framingham-ensemble/privbayes-framingham-ensemble.py index 7fb58391..551d5547 100644 --- a/examples/privbayes-framingham-ensemble/privbayes-framingham-ensemble.py +++ b/examples/privbayes-framingham-ensemble/privbayes-framingham-ensemble.py @@ -32,7 +32,7 @@ def input_json(random_state, epsilon, k): "LogisticRegression": {"mode": "main", "params_main": {"max_iter": 1000}} } }, - "utility_parameters_correlations": {"enabled": True}, + "utility_parameters_correlations": {"enabled": False}, "utility_parameters_feature_importance": { "enabled": True, "label_column": "TenYearCHD", diff --git a/examples/privbayes-household_large-ensemble/privbayes-household_large-ensemble.py b/examples/privbayes-household_large-ensemble/privbayes-household_large-ensemble.py new file mode 100644 index 00000000..8b12ec84 --- /dev/null +++ b/examples/privbayes-household_large-ensemble/privbayes-household_large-ensemble.py @@ -0,0 +1,157 @@ +import argparse +import json +import matplotlib.pyplot as plt +import subprocess +import seaborn as sns +import pandas as pd +from itertools import product +from pathlib import Path + + +def input_json(random_state, epsilon, k): + return { + "enabled": True, + "dataset": "generator-outputs/household_poverty/train_cleaned_large", + "synth-method": "PrivBayes", + "parameters": { + "enabled": True, + "num_samples_to_synthesize": 9554, + "random_state": int(random_state), + "category_threshold": 12, + "epsilon": epsilon, + "k": int(k), + "keys": [], + "histogram_bins": 8, + "preconfigured_bn": {}, + "save_description": False + }, + "privacy_parameters_disclosure_risk": {"enabled": False}, + "utility_parameters_classifiers": { + "enabled": False, + "classifier": { + "LogisticRegression": {"mode": "main", "params_main": {"max_iter": 1000}} + } + }, + "utility_parameters_correlations": {"enabled": True}, + "utility_parameters_feature_importance": { + "enabled": True, + "entity_index": "Id", + "label_column": "Target", + "normalized_entities": [ + {"new_entity_id": "household", + "index": "idhogar", + "additional_variables": ["pared", "piso", "energcocinar", "cielorazo", + "epared", "etecho", "eviv", + "rooms", "r4m1", "r4m2", + "r4m3", "r4t1", "r4t2", "r4t3", + "hogar_nin", "bedrooms", "qmobilephone", + "dependency", "edjefe", "meaneduc", + "overcrowding", "hhsize", + "television", "SQBdependency", "Target"] + } + ], + "max_depth": 2, + "aggPrimitives": ["min", "max", "count", "mode", "num_unique", "std", "sum"], + "target_entity": "household", + "drop_na": True, + "drop_full_na_columns": True, + "na_thresh": 0.30, + "compute_shapley": True, + "skip_feature_engineering": False, + "features_to_exclude": ["idhogar"], + "filter_hh": True + } + } + + +def filename_stem(i): + return f"privbayes-household_large-ensemble-{i:04}" + + +def input_path(i): + return Path(f"../../run-inputs/{filename_stem(i)}.json") + + +def write_input_file(i, params, force=False): + fname = input_path(i) + run_input = json.dumps(input_json(**params), indent=4) + if force or not fname.exists(): + print(f"Writing {fname}") + with open(fname, "w") as input_file: + input_file.write(run_input) + + +def read_json(fname): + with open(fname) as f: + return json.load(f) + + +def handle_cmdline_args(): + parser = argparse.ArgumentParser( + description="Generate (optionally run and postprocess) an ensemble of run inputs" + ) + + parser.add_argument( + "-n", + "--num-replicas", + dest="nreplicas", + required=True, + type=int, + help="The number of replicas to generate", + ) + + parser.add_argument( + "-r", + "--run", + default=False, + action="store_true", + help="Run (via make) and postprocess?", + ) + + parser.add_argument( + "-f", + "--force-write", + dest="force", + default=False, + action="store_true", + help="Write out input files, even if they exist", + ) + + parser.add_argument( + "-e", + "--epsilons", + dest="epsilons", + required=True, + help="Define list of epsilons for the requested run", + ) + + parser.add_argument( + "-k", + "--parents", + dest="k", + required=True, + type=int, + help="Define k (number of parents) for the requested run", + ) + + args = parser.parse_args() + return args + + +if __name__ == "__main__": + args = handle_cmdline_args() + + random_states = range(args.nreplicas) + + all_params = pd.DataFrame( + data=product(random_states, map(float, args.epsilons.strip('[]').split(',')), [args.k]), + columns=["random_state", "epsilon", "k"] + ) + + for i, params in all_params.iterrows(): + print(dict(params)) + write_input_file(i, dict(params), force=args.force) + + if args.run: + all_targets = [f"run-{filename_stem(i)}" for i, _ in all_params.iterrows()] + subprocess.run(["make", "-k", "-j72", "-C../.."] + all_targets) diff --git a/generators/household_poverty/clean.py b/generators/household_poverty/clean.py index 4aff1d6b..8dc0f498 100644 --- a/generators/household_poverty/clean.py +++ b/generators/household_poverty/clean.py @@ -70,8 +70,122 @@ def main(output_dir: str, output_filename: str): data.loc[(data['tipovivi1'] == 1), 'v2a1'] = 0 data['rez_esc'] = data['rez_esc'].fillna(0) + # make two copies + data1 = data.copy() + data2 = data.copy() + + # create large dataset # drop some columns with little predictive contribution to make dataset more manageable - data.drop(columns=["planpri", "public", "noelec", "coopele", "v14a", "hacapo", "hacdor", "male", + data1.drop(columns=["planpri", "public", "noelec", "coopele", "v14a", "hacapo", "hacdor", "male", + "hogar_mayor", "hogar_total", "tipovivi1", "tipovivi2", "tipovivi3", "tipovivi4", + "tipovivi5", "area1", "area2", "SQBage", "SQBhogar_total", "SQBedjefe", + "SQBhogar_nin", "SQBovercrowding", "SQBmeaned", "tamhog", + "tamviv", "computer", "refrig", "sanitario1", "sanitario2", "sanitario3", + "sanitario5", "sanitario6", "abastaguadentro", "abastaguafuera", "abastaguano", + "elimbasu1", "elimbasu2", "elimbasu3", "elimbasu4", "elimbasu5", "elimbasu6", "r4h1", + "r4h2", "r4h3", "techozinc", "techoentrepiso", "techocane", + "techootro", "hogar_adul", "lugar1", "lugar2", "lugar3", "lugar4", "lugar5", "lugar6", + "edjefa", "v2a1", "v18q1"], inplace=True) + + # convert one-hot encoding to label encoding + onehot_cols = [col for col in data1 if col.startswith('pared')] + data1["pared"] = np.where(data1[onehot_cols])[1] + data1.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data1 if col.startswith('piso')] + data1["piso"] = np.where(data1[onehot_cols])[1] + data1.drop(columns=onehot_cols, inplace=True) + #onehot_cols = [col for col in data1 if col.startswith('techo')] + #data1.drop(data1[(data1[onehot_cols].T == 0).all()].index, inplace=True) + #data1["techo"] = np.where(data1[onehot_cols])[1] + #data1.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data1 if col.startswith('energcocinar')] + data1["energcocinar"] = np.where(data1[onehot_cols])[1] + data1.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data1 if col.startswith('epared')] + data1["epared"] = np.where(data1[onehot_cols])[1] + data1.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data1 if col.startswith('etecho')] + data1["etecho"] = np.where(data1[onehot_cols])[1] + data1.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data1 if col.startswith('eviv')] + data1["eviv"] = np.where(data1[onehot_cols])[1] + data1.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data1 if col.startswith('estadocivil')] + data1["estadocivil"] = np.where(data1[onehot_cols])[1] + data1.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data1 if col.startswith('parentesco')] + data1["parentesco"] = np.where(data1[onehot_cols])[1] + data1.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data1 if col.startswith('instlevel')] + data1.drop(data1[(data1[onehot_cols].T == 0).all()].index, inplace=True) + data1["instlevel"] = np.where(data1[onehot_cols])[1] + data1.drop(columns=onehot_cols, inplace=True) + #onehot_cols = [col for col in data1 if col.startswith('lugar')] + #data1["lugar"] = np.where(data1[onehot_cols])[1] + #data1.drop(columns=onehot_cols, inplace=True) + + # put target column at the end of the data frame + target_col = data1['Target'] + data1.drop(labels=['Target'], axis=1, inplace=True) + data1.insert(data1.shape[1], 'Target', target_col) + + # construct metadata1 json file + meta_hp_dataset = {"columns": [], "provenance": []} + meta_hp_dataset["columns"].append({"name": "Id", "type": "String"}) + meta_hp_dataset["columns"].append({"name": "rooms", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "v18q", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "r4m1", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "r4m2", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "r4m3", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "r4t1", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "r4t2", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "r4t3", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "escolari", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "rez_esc", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "hhsize", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "cielorazo", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "dis", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "female", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "idhogar", "type": "String"}) + meta_hp_dataset["columns"].append({"name": "hogar_nin", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "dependency", "type": "ContinuousNumerical"}) + meta_hp_dataset["columns"].append({"name": "edjefe", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "meaneduc", "type": "ContinuousNumerical"}) + meta_hp_dataset["columns"].append({"name": "bedrooms", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "overcrowding", "type": "ContinuousNumerical"}) + meta_hp_dataset["columns"].append({"name": "television", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "mobilephone", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "qmobilephone", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "age", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "SQBescolari", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "SQBdependency", "type": "ContinuousNumerical"}) + meta_hp_dataset["columns"].append({"name": "agesq", "type": "DiscreteNumerical"}) + meta_hp_dataset["columns"].append({"name": "pared", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "piso", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "energcocinar", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "epared", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "etecho", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "eviv", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "estadocivil", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "parentesco", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "instlevel", "type": "Categorical"}) + meta_hp_dataset["columns"].append({"name": "Target", "type": "DiscreteNumerical"}) + + data_file = os.path.join(output_dir, output_filename + "_large") + ".csv" + data1.to_csv(data_file, index=False) + print('dataset written out to: ' + data_file) + + print('preparing metadata...') + parameters = {} + meta_hp_dataset["provenance"] = generate_provenance_json(__file__, parameters) + + metadata_file = os.path.join(output_dir, output_filename + "_large") + ".json" + with open(metadata_file, "w") as mf: + json.dump(meta_hp_dataset, mf, indent=4, sort_keys=True) + print('metadata file written out to: ' + metadata_file) + + # create small dataset + data2.drop(columns=["planpri", "public", "noelec", "coopele", "v14a", "hacapo", "hacdor", "male", "hogar_mayor", "hogar_total", "tipovivi1", "tipovivi2", "tipovivi3", "tipovivi4", "tipovivi5", "area1", "area2", "SQBescolari", "SQBage", "SQBhogar_total", "SQBedjefe", "SQBhogar_nin", "SQBovercrowding", "SQBdependency", "SQBmeaned", "agesq", "tamhog", @@ -84,49 +198,49 @@ def main(output_dir: str, output_filename: str): "edjefa", "hhsize", "v2a1", "v18q1", "rez_esc"], inplace=True) # convert one-hot encoding to label encoding - onehot_cols = [col for col in data if col.startswith('pared')] - data["pared"] = np.where(data[onehot_cols])[1] - data.drop(columns=onehot_cols, inplace=True) - onehot_cols = [col for col in data if col.startswith('piso')] - data["piso"] = np.where(data[onehot_cols])[1] - data.drop(columns=onehot_cols, inplace=True) - #onehot_cols = [col for col in data if col.startswith('techo')] - #data.drop(data[(data[onehot_cols].T == 0).all()].index, inplace=True) - #data["techo"] = np.where(data[onehot_cols])[1] - #data.drop(columns=onehot_cols, inplace=True) - #onehot_cols = [col for col in data if col.startswith('energcocinar')] - #data["energcocinar"] = np.where(data[onehot_cols])[1] - #data.drop(columns=onehot_cols, inplace=True) - onehot_cols = [col for col in data if col.startswith('epared')] - data["epared"] = np.where(data[onehot_cols])[1] - data.drop(columns=onehot_cols, inplace=True) - onehot_cols = [col for col in data if col.startswith('etecho')] - data["etecho"] = np.where(data[onehot_cols])[1] - data.drop(columns=onehot_cols, inplace=True) - onehot_cols = [col for col in data if col.startswith('eviv')] - data["eviv"] = np.where(data[onehot_cols])[1] - data.drop(columns=onehot_cols, inplace=True) - onehot_cols = [col for col in data if col.startswith('estadocivil')] - data["estadocivil"] = np.where(data[onehot_cols])[1] - data.drop(columns=onehot_cols, inplace=True) - onehot_cols = [col for col in data if col.startswith('parentesco')] - data["parentesco"] = np.where(data[onehot_cols])[1] - data.drop(columns=onehot_cols, inplace=True) - onehot_cols = [col for col in data if col.startswith('instlevel')] - data.drop(data[(data[onehot_cols].T == 0).all()].index, inplace=True) - data["instlevel"] = np.where(data[onehot_cols])[1] - data.drop(columns=onehot_cols, inplace=True) - #onehot_cols = [col for col in data if col.startswith('lugar')] - #data["lugar"] = np.where(data[onehot_cols])[1] - #data.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data2 if col.startswith('pared')] + data2["pared"] = np.where(data2[onehot_cols])[1] + data2.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data2 if col.startswith('piso')] + data2["piso"] = np.where(data2[onehot_cols])[1] + data2.drop(columns=onehot_cols, inplace=True) + # onehot_cols = [col for col in data2 if col.startswith('techo')] + # data2.drop(data2[(data2[onehot_cols].T == 0).all()].index, inplace=True) + # data2["techo"] = np.where(data2[onehot_cols])[1] + # data2.drop(columns=onehot_cols, inplace=True) + # onehot_cols = [col for col in data2 if col.startswith('energcocinar')] + # data2["energcocinar"] = np.where(data2[onehot_cols])[1] + # data2.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data2 if col.startswith('epared')] + data2["epared"] = np.where(data2[onehot_cols])[1] + data2.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data2 if col.startswith('etecho')] + data2["etecho"] = np.where(data2[onehot_cols])[1] + data2.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data2 if col.startswith('eviv')] + data2["eviv"] = np.where(data2[onehot_cols])[1] + data2.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data2 if col.startswith('estadocivil')] + data2["estadocivil"] = np.where(data2[onehot_cols])[1] + data2.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data2 if col.startswith('parentesco')] + data2["parentesco"] = np.where(data2[onehot_cols])[1] + data2.drop(columns=onehot_cols, inplace=True) + onehot_cols = [col for col in data2 if col.startswith('instlevel')] + data2.drop(data2[(data2[onehot_cols].T == 0).all()].index, inplace=True) + data2["instlevel"] = np.where(data2[onehot_cols])[1] + data2.drop(columns=onehot_cols, inplace=True) + # onehot_cols = [col for col in data2 if col.startswith('lugar')] + # data2["lugar"] = np.where(data2[onehot_cols])[1] + # data2.drop(columns=onehot_cols, inplace=True) # put target column at the end of the data frame - target_col = data['Target'] - data.drop(labels=['Target'], axis=1, inplace=True) - data.insert(data.shape[1], 'Target', target_col) + target_col = data2['Target'] + data2.drop(labels=['Target'], axis=1, inplace=True) + data2.insert(data2.shape[1], 'Target', target_col) # construct metadata json file - meta_hp_dataset = {"columns": [], "provenance": []} + meta_hp_data2set = {"columns": [], "provenance": []} meta_hp_dataset["columns"].append({"name": "Id", "type": "String"}) meta_hp_dataset["columns"].append({"name": "rooms", "type": "DiscreteNumerical"}) meta_hp_dataset["columns"].append({"name": "v18q", "type": "Categorical"}) @@ -158,7 +272,7 @@ def main(output_dir: str, output_filename: str): meta_hp_dataset["columns"].append({"name": "Target", "type": "DiscreteNumerical"}) data_file = os.path.join(output_dir, output_filename) + ".csv" - data.to_csv(data_file, index=False) + data2.to_csv(data_file, index=False) print('dataset written out to: ' + data_file) print('preparing metadata...') diff --git a/metrics/utility-metrics/feature_importance.py b/metrics/utility-metrics/feature_importance.py index 62512fd5..a4d8486e 100644 --- a/metrics/utility-metrics/feature_importance.py +++ b/metrics/utility-metrics/feature_importance.py @@ -427,9 +427,13 @@ def feature_importance_metrics( else: utility_collector_shapley = {} + utility_collector_corr = {"matrix": correlation_matrix.to_numpy().tolist(), + "variables": correlation_matrix.columns.tolist()} + utility_collector = {"builtin": utility_collector_builtin, "permutation": utility_collector_permutation, - "shapley": utility_collector_shapley} + "shapley": utility_collector_shapley, + "correlations": utility_collector_corr} else: print("Computing feature importance for original dataset with different seeds in RF") From 01e8029dce04087691b143319d4cddfe9300b3e0 Mon Sep 17 00:00:00 2001 From: Greg Mingas Date: Fri, 9 Apr 2021 09:32:41 +0100 Subject: [PATCH 6/6] Fix bug in json creation for small household dataset --- generators/household_poverty/clean.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/generators/household_poverty/clean.py b/generators/household_poverty/clean.py index 8dc0f498..bff68c5f 100644 --- a/generators/household_poverty/clean.py +++ b/generators/household_poverty/clean.py @@ -240,7 +240,7 @@ def main(output_dir: str, output_filename: str): data2.insert(data2.shape[1], 'Target', target_col) # construct metadata json file - meta_hp_data2set = {"columns": [], "provenance": []} + meta_hp_dataset = {"columns": [], "provenance": []} meta_hp_dataset["columns"].append({"name": "Id", "type": "String"}) meta_hp_dataset["columns"].append({"name": "rooms", "type": "DiscreteNumerical"}) meta_hp_dataset["columns"].append({"name": "v18q", "type": "Categorical"})