From 74dae6211f91b7fe90c426e7e54f2335e818403a Mon Sep 17 00:00:00 2001 From: drcxcruz <59486938+drcxcruz@users.noreply.github.com> Date: Sat, 27 Jun 2020 10:00:47 -0400 Subject: [PATCH] ICP A Julia 1.4.2 translation of the core functionality of R lanague packages https://cran.r-project.org/web/packages/InvariantCausalPrediction/InvariantCausalPrediction.pdf https://cran.r-project.org/web/packages/nonlinearICP/nonlinearICP.pdf --- src/ICP/.vscode/launch.json | 17 + src/ICP/GetBlankets.jl | 253 + src/ICP/GetPValue.jl | 104 + src/ICP/ICPlibrary.jl | 295 + src/ICP/InvariantCausalPrediction.jl | 509 ++ src/ICP/InvariantEnvironmentPrediction.jl | 93 + src/ICP/Test/E3a.csv | 4740 +++++++++++++++++ src/ICP/Test/Eexample1.csv | 1001 ++++ src/ICP/Test/ExpInd1.csv | 4001 ++++++++++++++ src/ICP/Test/ExpInd2.csv | 901 ++++ src/ICP/Test/ExpInd3.csv | 4740 +++++++++++++++++ src/ICP/Test/ExpInd3small.csv | 100 + src/ICP/Test/IssueReport/MLJ_GLM_Lab.ipynb | 570 ++ src/ICP/Test/IssueReport/X3.csv | 4740 +++++++++++++++++ src/ICP/Test/IssueReport/X3small.csv | 100 + src/ICP/Test/IssueReport/Y3.csv | 4740 +++++++++++++++++ src/ICP/Test/IssueReport/Y3small.csv | 100 + src/ICP/Test/IssueReport/Y3smallnonBinary.csv | 100 + src/ICP/Test/X1.csv | 4001 ++++++++++++++ src/ICP/Test/X2.csv | 901 ++++ src/ICP/Test/X3.csv | 4740 +++++++++++++++++ src/ICP/Test/X3a.csv | 4740 +++++++++++++++++ src/ICP/Test/X3small.csv | 100 + src/ICP/Test/Xexample1.csv | 1001 ++++ src/ICP/Test/Y1.csv | 4001 ++++++++++++++ src/ICP/Test/Y2.csv | 901 ++++ src/ICP/Test/Y3.csv | 4740 +++++++++++++++++ src/ICP/Test/Y3a.csv | 4740 +++++++++++++++++ src/ICP/Test/Y3small.csv | 100 + src/ICP/Test/Y3smallnonBinary.csv | 100 + src/ICP/Test/Yexample1.csv | 1001 ++++ src/ICP/Test/join_clean.csv | 551 ++ src/ICP/Test/join_database-LCN.csv | 2396 +++++++++ src/ICP/Test/testHelper | 151 + src/ICP/Test/treeE1.csv | 1001 ++++ src/ICP/Test/treeE2.csv | 1001 ++++ src/ICP/Test/treeManE1.csv | 501 ++ src/ICP/Test/treeManE2.csv | 1001 ++++ src/ICP/Test/treeManX1.csv | 501 ++ src/ICP/Test/treeManX2.csv | 1001 ++++ src/ICP/Test/treeManY1.csv | 501 ++ src/ICP/Test/treeManY2.csv | 1001 ++++ src/ICP/Test/treeX1.csv | 1001 ++++ src/ICP/Test/treeX2.csv | 1001 ++++ src/ICP/Test/treeY1.csv | 1001 ++++ src/ICP/Test/treeY2.csv | 1001 ++++ src/ICP/UnitTest.jl | 403 ++ src/ICP/UnitTesting.jl | 404 ++ src/ICP/packageInstalls.jl | 36 + 49 files changed, 72623 insertions(+) create mode 100644 src/ICP/.vscode/launch.json create mode 100644 src/ICP/GetBlankets.jl create mode 100644 src/ICP/GetPValue.jl create mode 100644 src/ICP/ICPlibrary.jl create mode 100644 src/ICP/InvariantCausalPrediction.jl create mode 100644 src/ICP/InvariantEnvironmentPrediction.jl create mode 100644 src/ICP/Test/E3a.csv create mode 100644 src/ICP/Test/Eexample1.csv create mode 100644 src/ICP/Test/ExpInd1.csv create mode 100644 src/ICP/Test/ExpInd2.csv create mode 100644 src/ICP/Test/ExpInd3.csv create mode 100644 src/ICP/Test/ExpInd3small.csv create mode 100644 src/ICP/Test/IssueReport/MLJ_GLM_Lab.ipynb create mode 100644 src/ICP/Test/IssueReport/X3.csv create mode 100644 src/ICP/Test/IssueReport/X3small.csv create mode 100644 src/ICP/Test/IssueReport/Y3.csv create mode 100644 src/ICP/Test/IssueReport/Y3small.csv create mode 100644 src/ICP/Test/IssueReport/Y3smallnonBinary.csv create mode 100644 src/ICP/Test/X1.csv create mode 100644 src/ICP/Test/X2.csv create mode 100644 src/ICP/Test/X3.csv create mode 100644 src/ICP/Test/X3a.csv create mode 100644 src/ICP/Test/X3small.csv create mode 100644 src/ICP/Test/Xexample1.csv create mode 100644 src/ICP/Test/Y1.csv create mode 100644 src/ICP/Test/Y2.csv create mode 100644 src/ICP/Test/Y3.csv create mode 100644 src/ICP/Test/Y3a.csv create mode 100644 src/ICP/Test/Y3small.csv create mode 100644 src/ICP/Test/Y3smallnonBinary.csv create mode 100644 src/ICP/Test/Yexample1.csv create mode 100644 src/ICP/Test/join_clean.csv create mode 100644 src/ICP/Test/join_database-LCN.csv create mode 100644 src/ICP/Test/testHelper create mode 100644 src/ICP/Test/treeE1.csv create mode 100644 src/ICP/Test/treeE2.csv create mode 100644 src/ICP/Test/treeManE1.csv create mode 100644 src/ICP/Test/treeManE2.csv create mode 100644 src/ICP/Test/treeManX1.csv create mode 100644 src/ICP/Test/treeManX2.csv create mode 100644 src/ICP/Test/treeManY1.csv create mode 100644 src/ICP/Test/treeManY2.csv create mode 100644 src/ICP/Test/treeX1.csv create mode 100644 src/ICP/Test/treeX2.csv create mode 100644 src/ICP/Test/treeY1.csv create mode 100644 src/ICP/Test/treeY2.csv create mode 100644 src/ICP/UnitTest.jl create mode 100644 src/ICP/UnitTesting.jl create mode 100644 src/ICP/packageInstalls.jl diff --git a/src/ICP/.vscode/launch.json b/src/ICP/.vscode/launch.json new file mode 100644 index 00000000..c0437480 --- /dev/null +++ b/src/ICP/.vscode/launch.json @@ -0,0 +1,17 @@ +{ + // Use IntelliSense to learn about possible attributes. + // Hover to view descriptions of existing attributes. + // For more information, visit: https://go.microsoft.com/fwlink/?linkid=830387 + "version": "0.2.0", + "configurations": [ + { + "type": "julia", + "request": "launch", + "name": "Run active Julia file", + "program": "${file}", + "stopOnEntry": false, + "cwd": "${workspaceFolder}", + "juliaEnv": "${command:activeJuliaEnvironment}" + } + ] +} \ No newline at end of file diff --git a/src/ICP/GetBlankets.jl b/src/ICP/GetBlankets.jl new file mode 100644 index 00000000..e14f40ba --- /dev/null +++ b/src/ICP/GetBlankets.jl @@ -0,0 +1,253 @@ +using Distributed +import Hwloc +if length(workers()) == 1 + addprocs(Hwloc.num_physical_cores()) # get ready for parallelism +end +@everywhere using MLJ, DataFrames, ShapML +using CategoricalArrays: CategoricalArray +using Combinatorics: powerset +using Tables +xgc = @load XGBoostClassifier; +xgr = @load XGBoostRegressor; +@everywhere rfc = MLJ.@load RandomForestClassifier pkg = DecisionTree +@everywhere rfr = MLJ.@load RandomForestRegressor pkg = DecisionTree +include("ICPlibrary.jl") + +@everywhere function getBlanketAll(X::DataFrame) + if ncol(X) >= 2 + s = collect(powerset(1:ncol(X))) + return (s[2:end, 1]) + elseif ncol(X) == 1 + return ([[1]]) + else + return ([[]]) + end +end # getBlanketAll + + +@everywhere function getBlanketBoosting( + X::DataFrame, + target::DataFrame, + selection::String = "booster", + maxNoVariables::Int64 = 10, +) + if selection == "all" || ncol(X) <= maxNoVariables + return ((blankets = getBlanketAll(X), featureImportances = missing)) + else + indexFromPredictor = getIndexFromPredictor(X) + (usingVariables, featureImportances) = selectXGBooster(X, target, maxNoVariables) + + if length(usingVariables) >= 1 + usingVariablesIndex = [indexFromPredictor[n] for n in usingVariables] + s = sort(usingVariablesIndex) + s = collect(powerset(s)) + return ((blankets = s[2:end, 1], featureImportances = featureImportances)) + else + return ((blankets = [[]], featureImportances = missing)) + end + end +end # getBlanketBoosting + + +function selectXGBooster( + X::DataFrame, + target::DataFrame, + maxNoVariables::Int64, +) + selectionVec = [] + featureImportances = trainXGBooster(X, target) + println(featureImportances) + + gainSum = 0 + variableCount = 0 + for f in featureImportances + gainSum += f.gain + variableCount += 1 + push!(selectionVec, f.fname) + if variableCount >= maxNoVariables || variableCount >= length(featureImportances) || gainSum >= 0.90 + break + end + end + + println("XGBooster selection: ", selectionVec) + return ((selectionVec = selectionVec, featureImportances = featureImportances)) +end # selectXGBooster + + +function trainXGBooster(X::DataFrame, y::DataFrame) + if length(unique(y[:, 1])) > 2 + pipeXGBoostRegressor = @pipeline XGBoostRegressorPipe(hot = OneHotEncoder(), xgr = xgr) + r1 = range(pipeXGBoostRegressor, :(xgr.max_depth), lower = 3, upper = 10) + r2 = range(pipeXGBoostRegressor, :(xgr.num_round), lower = 1, upper = 25) + + tmXGBoostRegressor = TunedModel( + model = pipeXGBoostRegressor, + tuning = Grid(resolution = 7), + resampling = CV(rng = 11), + ranges = [r1, r2], + measure = rms, + ) + mtm = machine( + tmXGBoostRegressor, + setScientificTypes!(X), + Float64.(y[:, 1]), + ) + fit!(mtm) + k = collect(keys(report(mtm).best_report.report_given_machine))[1] + return (report(mtm).best_report.report_given_machine[k][1]) + else + pipeXGBoostClassifier = @pipeline XGBoostClassifierPipe(hot = OneHotEncoder(), xgc = xgc) prediction_type = :probabilistic + r1 = range(pipeXGBoostClassifier, :(xgc.max_depth), lower = 3, upper = 10) + r2 = range(pipeXGBoostClassifier, :(xgc.num_round), lower = 1, upper = 25) + + tmXGBoostClassifier = TunedModel( + model = pipeXGBoostClassifier, + tuning = Grid(resolution = 7), + resampling = CV(rng = 11), + ranges = [r1, r2], + measure = cross_entropy, # don't use rms for probabilistic responses + ) + mtm = machine( + tmXGBoostClassifier, + setScientificTypes!(X), + categorical(y[:, 1]), + ) + fit!(mtm) + k = collect(keys(report(mtm).best_report.report_given_machine))[1] + return (report(mtm).best_report.report_given_machine[k][1]) + end +end # trainXGBooster + + +##################################################################################################################################################### +@everywhere function getBlanketRandomForest( + X::DataFrame, + target::DataFrame, + selection::String = "forest", + maxNoVariables::Int64 = 10, +) + if selection == "all" + return ((blankets = getBlanketAll(X), featureImportances = missing)) + elseif selection == "booster" + return (getBlanketBoosting(X, target, maxNoVariables)) + else + indexFromPredictor = getIndexFromPredictor(X) + (usingVariables, featureImportances) = selectRandomForest(X, target, maxNoVariables) + + if length(usingVariables) >= 1 + usingVariablesIndex = [indexFromPredictor[String(n)] for n in usingVariables] + s = sort(usingVariablesIndex) + s = collect(powerset(s)) + return ((blankets = s[2:end, 1], featureImportances = featureImportances)) + else + return ((blankets = [[]], featureImportances = missing)) + end + end +end # getBlanketRandomForest + + +function selectRandomForest( + X::DataFrame, + target::DataFrame, + maxNoVariables::Int64 = 10, +) + selectionVec = [] + featureImportances = trainRandomForest(X, target) + + variableCount = 0 + meanEffectPercentSum = 0 + for f in featureImportances + meanEffectPercentSum += f.meanEffectPercent + variableCount += 1 + push!(selectionVec, f.feature_name) + if variableCount >= maxNoVariables || variableCount >= length(featureImportances) || meanEffectPercentSum >= 0.80 + break + end + end + + println("Random Forest with Shapley selection: ", selectionVec) + return ((selectionVec = selectionVec, featureImportances = featureImportances)) +end # selectRandomForest + + +@everywhere function predict_function(model, data) + data_pred = DataFrame(y_pred = predict(model, data)) + return data_pred +end # predict_function + + +@everywhere function predict_function_mode(model, data) + ŷ = MLJ.predict(model, data) + ŷMode = [convert(Int64, mode(ŷ[i])) for i in 1:length(ŷ)] + data_pred = DataFrame(y_pred = ŷMode) + return data_pred +end # predict_function_mode + + +function trainRandomForest( + X::DataFrame, + y::DataFrame +) + if length(unique(y[:, 1])) > 2 + @everywhere pipeRandomForestRegressor = @pipeline RandomForestRegressorPipe( + selector = FeatureSelector(), + hot = OneHotEncoder(), + tree = RandomForestRegressor()) + + cases = [[Symbol(names(X)[j]) for j in 1:i] for i in 1:ncol(X)] + r1 = range(pipeRandomForestRegressor, :(selector.features), values = cases) + + tmRandomForestRegressor = TunedModel( + model = pipeRandomForestRegressor, + range = r1, + measures = rms, + resampling = CV(nfolds = 5) + ) + mtm = machine(tmRandomForestRegressor, setScientificTypes!(X), Float64.(y[:, 1])) + Base.invokelatest(MLJ.fit!, mtm) + + predictor = predict_function + else + @everywhere pipeRandomForestClassifier = @pipeline RandomForestClassifierPipe( + selector = FeatureSelector(), + hot = OneHotEncoder(), + tree = RandomForestClassifier()) prediction_type = :probabilistic + + cases = [[Symbol(names(X)[j]) for j in 1:i] for i in 1:ncol(X)] + r1 = range(pipeRandomForestClassifier, :(selector.features), values = cases) + + tmRandomForestClassifier = TunedModel( + model = pipeRandomForestClassifier, + range = r1, + measures = [cross_entropy, BrierScore()], + resampling = CV(nfolds = 5) + ) + mtm = machine(tmRandomForestClassifier, setScientificTypes!(X), categorical(y[:, 1])) + Base.invokelatest(MLJ.fit!, mtm) + + predictor = predict_function_mode + end + + r = Int(round(nrow(X) / 2)) + explain = copy(X[1:r, :]) # Compute Shapley feature-level predictions + reference = copy(X) # An optional reference population to compute the baseline prediction. + sample_size = 60 # Number of Monte Carlo samples for Shapley + + dataShap = ShapML.shap( explain = explain, + reference = reference, + model = mtm, + predict_function = predictor, + sample_size = sample_size, + parallel = :samples, # Parallel computation over "sample_size" + seed = 1 + ) + dfShapMean = DataFrames.by(dataShap, [:feature_name], mean_effect = [:shap_effect] => x->mean(abs.(x.shap_effect))) + dfShapMeanEffect = sort(dfShapMean, order(:mean_effect, rev = true)) + totalEffect = sum(dfShapMeanEffect.mean_effect) + dfShapMeanEffect.meanEffectPercent = dfShapMeanEffect.mean_effect / totalEffect + + println("Shapley Effect of Random Forest\n", dfShapMeanEffect, "\n") + return (Tables.rowtable(dfShapMeanEffect)) +end # trainRandomForest + + diff --git a/src/ICP/GetPValue.jl b/src/ICP/GetPValue.jl new file mode 100644 index 00000000..6b6efd94 --- /dev/null +++ b/src/ICP/GetPValue.jl @@ -0,0 +1,104 @@ +module GetPValue + +using Distributed +import Hwloc +if length(workers()) == 1 + addprocs(Hwloc.num_physical_cores()) # get ready for parallelism +end +@everywhere begin + using HypothesisTests: pvalue, UnequalVarianceTTest, VarianceFTest, EqualVarianceTTest + using MLJ + using DataFrames: DataFrame + using CategoricalArrays: CategoricalArray +end +include("ICPlibrary.jl") +@everywhere @load LinearRegressor pkg = GLM +@everywhere @load LinearBinaryClassifier pkg = GLM + +export getPValueLinear + +@everywhere function getPValueLinear( + X::DataFrame, # X must have MLJ scientific types and hot encoded already + y::Vector{Float64}, + ExpInd::DataFrame, + numberOfTargets::Int64, + numberOfEnvironments::Int64, +) + println("getPValueLinear: ", names(X)) + if numberOfTargets > 2 + @pipeline LinearRegressorPipe( + std = Standardizer(), + hot = OneHotEncoder(drop_last = true), + reg = LinearRegressor(), + ) + LinearModel = machine(LinearRegressorPipe(), X, y) + fit!(LinearModel) + fp = fitted_params(LinearModel) + ŷ = MLJ.predict(LinearModel, X) + yhatResponse = [ŷ[i,1].μ for i in 1:length(ŷ)] + residuals = y .- yhatResponse + r = report(LinearModel) + else + @pipeline LinearBinaryClassifierPipe( + std = Standardizer(), + hot = OneHotEncoder(drop_last = true), + reg = LinearBinaryClassifier(), + ) + yc = categorical(y[:, 1]) + LogisticModel = machine(LinearBinaryClassifierPipe(), X, yc) + fit!(LogisticModel) + fp = fitted_params(LogisticModel) + ŷ = MLJ.predict(LogisticModel, X) + yhatResponse = [pdf(ŷ[i], 1) for i in 1:length(ŷ)] # probability to 1 ala R + residuals = y - yhatResponse + r = report(LogisticModel) + end + + k = collect(keys(fp.fitted_params_given_machine))[1] + coefs = fp.fitted_params_given_machine[k].coef + coefsStdError = r.report_given_machine[k].stderror[2:end] #### is the fist the intercept?? + pvalVector = Vector{Float64}(undef, numberOfEnvironments) + if numberOfTargets > 2 + for e in unique(ExpInd[:, 1]) + pvalVector[e] = pvalDoubler( + getResiduals(ExpInd[:, 1], e, residuals, "inEnvironment"), + getResiduals(ExpInd[:, 1], e, residuals, "notinEnvironment"), + ) + end + else + for e in unique(ExpInd[:, 1]) + pvalVector[e] = getpvalClassification( + getResiduals(ExpInd[:, 1], e, residuals, "inEnvironment"), + getResiduals(ExpInd[:, 1], e, residuals, "notinEnvironment"), + ) + end + end + + pval = minimum(pvalVector) * (numberOfEnvironments - 1) + pval = min(1, pval) + return ((pvalue = pval, coefs = coefs, coefsStdError = coefsStdError)) +end + + +@everywhere function getpvalClassification( + xSample::Vector{Float64}, + ySample::Vector{Float64}; + nsim::Int64 = 500, +) + return (pvalue(UnequalVarianceTTest(xSample, ySample))) +end # getpvalClassification + + +@everywhere function pvalDoubler( + xSample::Vector{Float64}, + ySample::Vector{Float64}; +) + ttest = pvalue(UnequalVarianceTTest(xSample, ySample)) + vartest = pvalue(VarianceFTest(xSample, ySample)) + pval = 2 * min(ttest, vartest) + + return (pval) +end + +end # module + diff --git a/src/ICP/ICPlibrary.jl b/src/ICP/ICPlibrary.jl new file mode 100644 index 00000000..22ce6abb --- /dev/null +++ b/src/ICP/ICPlibrary.jl @@ -0,0 +1,295 @@ +using Distributed +import Hwloc +if length(workers()) == 1 + addprocs(Hwloc.num_physical_cores()) # get ready for parallelism +end +using Distributions: Normal, quantile +using MLJ: coerce!, autotype +using CategoricalArrays: CategoricalArray, levels +using DataFrames +using Missings: ismissing +using Printf + + +function setScientificTypes!(X::DataFrame) + for c in 1:ncol(X) + if unique(X[:,c])[1] === missing + println("setScientificTypes: Column :", names(X)[c], " has missing values. They are not allowed.") + return (missing) + end + # remove the missing type that MLJ modeling does not like + if typeof(X[:,c]) == Array{Union{Missing,Float64},1} + X[!,c] = Float64.(X[!,c]) + end + if typeof(X[:,c]) == Array{Union{Missing,Int64},1} + X[!,c] = Int64.(X[!,c]) + end + if typeof(X[:,c]) == Array{Union{Missing,String},1} + X[!,c] = String.(X[!,c]) + end + end + + coerce!(X, autotype(X, :discrete_to_continuous)) + coerce!(X, autotype(X, :string_to_multiclass)) + return (X) +end # setScientificTypes! + + +@everywhere function getResiduals( + E::Array{Int64}, + e::Int64, + residuals::Array{Float64}, + type::String = "inEnvironment", +) + if type == "inEnvironment" + # only itself + l = [residuals[i] for i in 1:length(E) if E[i] == e] + else + # all other excluding itself + l = [residuals[i] for i in 1:length(E) if E[i] != e] + end + return (l) +end # getResiduals + + +function normalizer(v) + fMax = partialsort(v, 1, rev = true) + fMin = partialsort(v, 1, rev = false) + if ismissing(fMax - fMin) + n = Vector{Union{Missing,Float64}}(missing, length(v)) + elseif (fMax - fMin) == 0 + n = v + else + n = (v .- fMin) ./ (fMax - fMin) + end + return n +end + + +function string_to_float(str) + try + convert(Float64, str) + catch + return (missing) + end +end + + +function getIndexFromPredictor(X::DataFrame) + indexFromPredictor = Dict{String,Int64}() + i = 1 + for n in names(X) + indexFromPredictor[String(n)] = i + i += 1 + end + return (indexFromPredictor) +end # getIndexFromPredictor + + +function getPredictorFromIndex(X::DataFrame) + predictorFromIndex = Dict{Int64,String}() + i = 1 + for n in names(X) + predictorFromIndex[i] = String(n) + i += 1 + end + return (predictorFromIndex) +end # getPredictorFromIndex + + +function getQuantileNormalStd(α::Float64, coefsStdError) + return ( quantile(Normal(0, 1), 1 - α / 4) .* coefsStdError ) +end # getQuantileNormalStd + + +function StoreAcceptedOuput!( + r, + acceptedTest::Array{Int64,1}, + PValuesAccepted::Dict{Int64,Array{Float64}}, + Coeff = missing, + CoeffVar = missing, # ::Dict{Int64,Array{Float64}}, +) + i = 1 + for v in acceptedTest + if !ismissing(CoeffVar) + if !haskey(Coeff, v) + CoeffVar[v] = Float64[] + Coeff[v] = Float64[] + end + end + PValuesAccepted[v] = Float64[] + if !ismissing(CoeffVar) + push!(Coeff[v], r.coefs[i]) + push!(CoeffVar[v], r.coefsStdError[i]) + end + push!(PValuesAccepted[v], r.pvalue) + i += 1 + end +end # StoreAcceptedOuput! + + +function StoreNotAcceptedOuput!( + r, + notAcceptedTest::Array{Int64,1}, + PValuesNotAccepted::Dict{Int64,Array{Float64}} +) + i = 1 + for v in notAcceptedTest + if !haskey(PValuesNotAccepted, v) + PValuesNotAccepted[v] = Float64[] + end + push!(PValuesNotAccepted[v], r.pvalue) + i += 1 + end +end # StoreNotAcceptedOuput! + + +function doOutput( + X, + featureImportances, + acceptedSets, + PValuesAccepted, + PValuesNotAccepted, + Pall, + gof, + verbose, + ConfInt = missing, + Coeff = missing, + CoeffVar = missing, +) + if maximum(Pall) < gof + println("Goodness Of Fit is bad. Cut off gof = ", gof, " but min and max p-values are:") + @printf("%9.6f\t%9.6f\n", minimum(Pall), maximum(Pall)) + return (missing) + end + + if verbose == true + if !ismissing(Coeff) + println("\n\n\nCoefficients:") + for c = 1:ncol(X) + @printf("%s \t", names(X)[c]) + println(Coeff[c]) + end + + println("\n\nStadard Error of the point-estimates:") + for c = 1:ncol(X) + @printf("%s \t", names(X)[c]) + println(CoeffVar[c]) + end + end + + if !ismissing(featureImportances) + println("\nFeature Importances: Mean Effect Percent") + for f in featureImportances + @printf("%s \t %9.12f\n", f.feature_name, f.meanEffectPercent) + end + end + + println("\n\nP-Values NOT Accepted:") + for c = 1:ncol(X) + @printf("%s \t", names(X)[c]) + try + for i in PValuesNotAccepted[c] + @printf("%9.12f\t", i) + end + catch + print("None") + end + println() + end + + println("\n\nP-Values Accepted:") + for c = 1:ncol(X) + @printf("%-25s \t", names(X)[c]) + try + for i in PValuesAccepted[c] + @printf("%9.6f\t", i) + end + catch + print("None") + end + println() + end + end # verbose + + println("\nAccepted Sets:") + for a in acceptedSets[2:end] + println(a) + end + + if !ismissing(ConfInt) + println("\n\nConfidence Intervals:") + @printf("%-35s \t %-9s \t %-9s \t %-9s \t\n", "Predictor", "Low", "High", "Difference") + i = 1 + for n in names(X) + high = ConfInt[1,i] + low = ConfInt[2,i] + @printf("%-35s \t %9.6f\t %9.6f \t %9.6f\n", n, low, high, high - low) + i += 1 + end + end + + println("\n\nInvariant Casual Predictors:") + icp = Set() + for a in acceptedSets[end] + push!(icp, a) + end + for a in acceptedSets[2:end] + intersect!(icp, Set(a)) + end + if length(icp) == 0 + println("Invariant Causal Predictions were not found at the given confidence level. ") + println("First, run linear ICP. If all linear models were rejected, then run nonlinear forest ICP .") + println("If both linear and non linear do not find any casual predictors, there might be hidden variables. Then, try the linear hiddenICP function in R.") + return (missing) + else + casualPredictors = Dict{Int64,String}() + predictorFromIndex = getPredictorFromIndex(X) + for i in sort(collect(icp)) + print(i, " = ", predictorFromIndex[i], "\t") + casualPredictors[i] = predictorFromIndex[i] + end + println("\n") + return (casualPredictors) + end +end # doOutput + + +function hotEncoder(X::DataFrame) + X = copy(X) + setScientificTypes!(X) + for n in names(X) + if typeof(CategoricalArray(["a"])) == typeof(X[:, n]) || typeof(CategoricalArray([1])) == typeof(X[:, n]) + if length(levels(X[:, n])) == 1 + # one level category is useless + println("hotEncoder: Removing column :", n, " since it has only one category value") + select!(X, Not([n])) + elseif length(levels(X[:, n])) == 2 + # 2 levels only do not need a new hot encoder column + encode = 0.0 + for l in unique(X[!, n]) + if typeof(l) == String + X[X[:, n] .== l, n] .= string(encode) + else + X[X[:, n] .== l, n] .= encode + end + encode += 1.0 + end + X[!, n] = parse.(Float64, X[!, n]) + else + # remember that 1 level must be excluded when creating the hot encoder for linear regression + for l in levels(X[:, n])[1:end - 1] + encoder = string(n, "__", l) + X.newColumn = zeros(length(X[:, n])) + X[X[:, n] .== l, :newColumn] .= 1.0 + rename!(X, Dict(:newColumn => encoder)) + end + select!(X, Not([n])) + end + end + end + setScientificTypes!(X) + return (X) +end # hotEncoder + + diff --git a/src/ICP/InvariantCausalPrediction.jl b/src/ICP/InvariantCausalPrediction.jl new file mode 100644 index 00000000..6ab60ccd --- /dev/null +++ b/src/ICP/InvariantCausalPrediction.jl @@ -0,0 +1,509 @@ +#= +The following is a Julia 1.4.2 translation of the core functionality of R lanague packages +https://cran.r-project.org/web/packages/InvariantCausalPrediction/InvariantCausalPrediction.pdf +https://cran.r-project.org/web/packages/nonlinearICP/nonlinearICP.pdf + +"In practice, first apply ICP with linear models. Apply a nonlinear version if all linear +models are rejected by linear IPC." + + +Two Jupyter labs showcases the R language version of ICP. +1. Linear Invariant Causal Prediction Using Employment Data From The Work Bank +https://notes.quantecon.org/submission/5e851bfecc00b7001acde469 + +2. Nonlinear Invariant Causal Prediction Using Unemployment Data and Inflation Adjusted Prices from the USA Bureau of Labor +https://notes.quantecon.org/submission/5e8e2a6cd079ab001915ca09 + + +New contributions here in Julia are improvements to code readability and supportability. +Also, improvments to program speed such parallelism of random forest computations, p-value linear computations. +There are two version of the InvariantCausalPrediction main functions. One version is sequential and the other parallel. +In addition, there are new VegaLite plots of the InvariantCausalPrediction results. + +Cheers, +Clarman Cruz +June 2020 =# + + +println("Loading Libraries... This can take a few minutes") +using Distributed +import Hwloc; println("Hwloc") +if length(workers()) == 1 + addprocs(Hwloc.num_physical_cores()) # get ready for parallelism +end +println("Distributed with ", length(workers()), " workers") +using DataFrames; println("DataFrames") +using Distributions: Normal, quantile; println("Distributions") +using Query: @rename, @orderby; println("Query") +using VegaLite; println("VegaLite") +include("GetPValue.jl"); println("GetPValue.jl") +using .GetPValue +include("GetBlankets.jl"); println("GetBlankets.jl") +include("InvariantEnvironmentPrediction.jl") # parallel function +using .InvariantEnvironmentPredictionModule; println("InvariantEnvironmentPrediction.jl") +include("ICPlibrary.jl"); println("ICPlibrary.jl") +println("Libraries Loaded") + + +""" +boxPlotICPconfidenceIntervals(X, ConfInt) +Creates a box plot of the `ConfInt` created from 'X' +# Arguments +* `X`: as returned by InvariantCausalPrediction function +* `ConfInt`: as returned by InvariantCausalPrediction function +* `width`: optial plot width +* `height`: optial plot height +""" +function boxPlotICPconfidenceIntervals( + X::DataFrame, + ConfInt::Array{Float64,2}, + width = 600, + height = 500, +) + dfGraph = DataFrame(ConfInt, names(X)) + dfTranspose = DataFrames.stack(dfGraph, 1:ncol(dfGraph)) |> @rename(:value => :ConfidenceInterval) |> DataFrame + + plot = dfTranspose |> + @vlplot( + mark = {:boxplot, extent = "min-max"}, + x = {"variable:o", axis = {title = "Predictors"}}, + y = {:ConfidenceInterval, axis = {title = "Invariant Causal Prediction"}}, + size = {value = 25}, + width = width, + height = height) + + VegaLite.display(plot) +end # boxPlotICPconfidenceIntervals + + +""" +plotICPacceptedSets(acceptedSets) +Creates a circle plot of the predictor count in the 'acceptedSets' created from 'X' +The larger the circle, the strong the predictor +# Arguments +* `X`: as returned by InvariantCausalPrediction function +* `acceptedSets`: as returned by InvariantCausalPrediction function +* `width`: optial plot width +* `height`: optial plot height +""" +function plotICPacceptedSets( + X::DataFrame, + acceptedSets::Array{Array{Int64,1},1}, + width = 600, + height = 500, +) + hash = Dict{Int64,Int64}() + for s in acceptedSets + for e in collect(s) + if haskey(hash, Int(e)) + hash[Int(e)] += 1 + else + hash[Int(e)] = 1 + end + end + end + + dfGraph = DataFrames.stack(DataFrame(hash), 1:length(keys(hash))) |> @orderby(_.variable) |> DataFrame + predictorFromIndex = getPredictorFromIndex(X) + dfGraph.predictor = [predictorFromIndex[i] for i in keys(hash)] + + plot = dfGraph |> + @vlplot( + :circle, + width = width, + height = height, + color = { "predictor:n", legend = nothing}, + y = {"value:o", axis = {title = "Count in Accepted Sets"}}, + x = "predictor:o", + size = :value + ) + VegaLite.display(plot) +end # plotICPacceptedSets + + +""" +barPlotICPCasualPredictors(acceptedSets) +Creates a bar plot of the 'casualPredictors' created from 'X' +# Arguments +* `X`: as returned by InvariantCausalPrediction function +* `casualPredictors`: as returned by InvariantCausalPrediction function +* `width`: optial plot width +* `height`: optial plot height +""" +function barPlotICPCasualPredictors( + X::DataFrame, + casualPredictors::Union{Dict{Int64,String}, Missing}, + width = 600, + height = 500, +) + if casualPredictors === missing + println("barPlotICPCasualPredictors: There are not any Casual Predictors") + return (missing) + end + + xAxis = [String(n) for n in names(X)] + yAxis = [n in keys(casualPredictors) ? 1 : 0 for n in 1:ncol(X)] + plot = @vlplot(:bar, + width = width, + height = height, + y = {yAxis, axis = {title = "In All Accepted Sets"}}, + x = {xAxis, axis = {title = "Predictor"}} + ) + VegaLite.display(plot) +end # barPlotICPCasualPredictors + + +""" +LinearInvariantCausalPrediction(X, Y, ExpInd; α=0.01, selection=booster, verbose=true) +Searching in parallel over subsets in `X[,S]` for direct causes of `Y` +# Arguments +* `X`: DataFrame of the predictors. No missing values are allowed +* `Y`: DataFrame of the target. Binary for classification or floats for regression. No missing values are allowed +* `ExpInd`: DataFrame of environment indicators (e.g. 1, 2, ...) +* `α`: significance level (e.g. 0.01 or 0.05) +* `selection`: if all, will include all the predictors else XGBooster selects the predictors +* `verbose`: if true, will print each subset tested and some other output +""" +function LinearInvariantCausalPrediction( + X::DataFrame, + Y::DataFrame, + ExpInd::DataFrame; + α = 0.01, + selection = "booster", + verbose = false, +) + @assert nrow(X) == nrow(Y) == nrow(ExpInd) + @assert ncol(X) >= 2 + @assert ncol(Y) == 1 + @assert ncol(ExpInd) == 1 + + X = hotEncoder(X) + numberOfTargets = length(unique(Y[:, 1])) + fY = float.(Y[:, 1]) + numberOfEnvironments = nrow(unique(ExpInd)) + @assert numberOfEnvironments >= 2 + variableUniverse = Set(1:ncol(X)) + + acceptedSets = [Int64[]] + ConfInt = zeros(2, ncol(X)) + ConfInt[1, :] .= -Inf + ConfInt[2, :] .= Inf + Coeff = Dict{Int64,Array{Float64}}() + CoeffVar = Dict{Int64,Array{Float64}}() + PValuesAccepted = Dict{Int64,Array{Float64}}() + PValuesNotAccepted = Dict{Int64,Array{Float64}}() + Pall = Float64[] + gof = max(0.01, α) + + if numberOfTargets > 2 + println("More than two targests in Y thus doing Linear Regression") + else + println("Two targests in Y thus doing Logistic Classification") + @assert maximum(Y[:,1]) == 1 + @assert minimum(Y[:,1]) == 0 + end + + (blankets, featureImportances) = getBlanketBoosting(X, Y, selection) + pValues = pmap(testSet->getPValueLinear( + DataFrame(X[:, testSet]), + fY, + ExpInd, + numberOfTargets, + numberOfEnvironments + ), blankets, retry_delays = zeros(5)) + @assert length(pValues) == length(blankets) + + testSet = 1 + for r in pValues + notUsedVariables = sort(collect(setdiff(variableUniverse, blankets[testSet]))) + push!(Pall, r.pvalue) + + if r.pvalue > α + push!(acceptedSets, blankets[testSet]) + v = getQuantileNormalStd(α, r.coefsStdError) + ConfInt[1, blankets[testSet]] = max(ConfInt[1, blankets[testSet]], r.coefs .+ v) + ConfInt[2, blankets[testSet]] = min(ConfInt[2, blankets[testSet]], r.coefs .- v) + + if length(notUsedVariables) >= 1 + ConfInt[1, notUsedVariables] = max( + ConfInt[1, notUsedVariables], + zeros(length(ConfInt[1, notUsedVariables])), + ) + ConfInt[2, notUsedVariables] = min( + ConfInt[2, notUsedVariables], + zeros(length(ConfInt[2, notUsedVariables])), + ) + end # of notUsedVariables + + StoreAcceptedOuput!(r, blankets[testSet], PValuesAccepted, Coeff, CoeffVar) + else + StoreNotAcceptedOuput!(r, blankets[testSet], PValuesNotAccepted) + end # of acceptedSets + + if verbose == true + println("TestSet: ", blankets[testSet], "\nResults: ", r) + println("ConfInt ", ConfInt) + println("Pvalues All: ", Pall) + end + + testSet += 1 + end # of testSets + + casualPredictors = doOutput( X, featureImportances, acceptedSets, PValuesAccepted, + PValuesNotAccepted, Pall, gof, verbose, ConfInt, Coeff, CoeffVar,) + + return((X = X, acceptedSets = acceptedSets, ConfInt = ConfInt, Coeff = Coeff, CoeffVar = CoeffVar, + PValuesAccepted = PValuesAccepted, PValuesNotAccepted = PValuesNotAccepted, Pall = Pall, casualPredictors = casualPredictors)) +end # LinearInvariantCausalPrediction + + +""" +ForestInvariantCausalPrediction(X, Y, ExpInd; α=0.01, selection=forest, verbose=true) +Searching in parallel over subsets in `X[,S]` for direct causes of `Y` +# Arguments +* `X`: DataFrame of the predictors. No missing values are allowed +* `Y`: DataFrame of the target. Binary for classification or floats for regression. No missing values are allowed +* `ExpInd`: DataFrame of environment indicators (e.g. 1, 2, ...) +* `α`: significance level (e.g. 0.01 or 0.05) +* `selection`: if all, will include all the predictors. If booster, XGBooster selects the predictors. Else random forest selects the predictors +* `verbose`: if true, will print each subset tested and some other output +""" +function ForestInvariantCausalPrediction( + X::DataFrame, + Y::DataFrame, + ExpInd::DataFrame; + α = 0.05, + selection = "forest", + verbose = false, +) + @assert nrow(X) == nrow(Y) == nrow(ExpInd) + @assert ncol(X) >= 2 + @assert ncol(Y) == 1 + @assert ncol(ExpInd) == 1 + + X = hotEncoder(X) + numberOfTargets = length(unique(Y[:, 1])) + fY = float.(Y[:, 1]) + numberOfEnvironments = nrow(unique(ExpInd)) + @assert numberOfEnvironments >= 2 + variableUniverse = Set(1:ncol(X)) + + acceptedSets = [Int64[]] + PValuesAccepted = Dict{Int64,Array{Float64}}() + PValuesNotAccepted = Dict{Int64,Array{Float64}}() + Pall = Float64[] + gof = max(0.01, α) + + if numberOfTargets > 2 + println("More than two targests in Y thus doing Linear Regression") + else + println("Two targests in Y thus doing Logistic Classification") + @assert maximum(Y[:,1]) == 1 + @assert minimum(Y[:,1]) == 0 + end + + (blankets, featureImportances) = getBlanketRandomForest(X, Y, selection) + pValues = pmap(testSet->InvariantEnvironmentPrediction( + DataFrame(X[:, testSet]), + fY, + ExpInd, + numberOfTargets, + numberOfEnvironments + ), blankets, retry_delays = zeros(5)) + @assert length(pValues) == length(blankets) + + testSet = 1 + for r in pValues + push!(Pall, r.pvalue) + if r.pvalue > α + push!(acceptedSets, blankets[testSet]) + StoreAcceptedOuput!(r, blankets[testSet], PValuesAccepted) + else + StoreNotAcceptedOuput!(r, blankets[testSet], PValuesNotAccepted) + end # of acceptedSets + testSet += 1 + end # of testSets + + casualPredictors = doOutput(X, featureImportances, acceptedSets, PValuesAccepted, PValuesNotAccepted, Pall, gof, verbose) + + return((X = X, acceptedSets = acceptedSets, PValuesAccepted = PValuesAccepted, PValuesNotAccepted = PValuesNotAccepted, + Pall = Pall, casualPredictors = casualPredictors, featureImportances = featureImportances)) +end # ForestInvariantCausalPrediction + + +""" +LinearInvariantCausalPredictionSequential(X, Y, ExpInd; α=0.01, selection=booster, verbose=true) +Searching over subsets in `X[,S]` for direct causes of `Y` +# Arguments +* `X`: DataFrame of the predictors. No missing values are allowed +* `Y`: DataFrame of the target. Binary for classification or floats for regression. No missing values are allowed +* `ExpInd`: DataFrame of environment indicators (e.g. 1, 2, ...) +* `α`: significance level (e.g. 0.01 or 0.05) +* `selection`: if all, will include all the predictors else XGBooster selects the predictors +* `verbose`: if true, will print each subset tested and some other output +""" +function LinearInvariantCausalPredictionSequential( + X::DataFrame, + Y::DataFrame, + ExpInd::DataFrame; + α = 0.01, + selection = "booster", + verbose = false, +) + @assert nrow(X) == nrow(Y) == nrow(ExpInd) + @assert ncol(X) >= 2 + @assert ncol(Y) == 1 + @assert ncol(ExpInd) == 1 + + X = hotEncoder(X) + numberOfTargets = length(unique(Y[:, 1])) + fY = float.(Y[:, 1]) + numberOfEnvironments = nrow(unique(ExpInd)) + @assert numberOfEnvironments >= 2 + variableUniverse = Set(1:ncol(X)) + + acceptedSets = [Int64[]] + ConfInt = zeros(2, ncol(X)) + ConfInt[1, :] .= -Inf + ConfInt[2, :] .= Inf + Coeff = Dict{Int64,Array{Float64}}() + CoeffVar = Dict{Int64,Array{Float64}}() + PValuesAccepted = Dict{Int64,Array{Float64}}() + PValuesNotAccepted = Dict{Int64,Array{Float64}}() + Pall = Float64[] + gof = max(0.01, α) + + if numberOfTargets > 2 + println("More than two targests in Y thus doing Linear Regression") + else + println("Two targests in Y thus doing Logistic Classification") + @assert maximum(Y[:,1]) == 1 + @assert minimum(Y[:,1]) == 0 + end + + (blankets, featureImportances) = getBlanketBoosting(X, Y, selection) + for testSet in blankets + notUsedVariables = sort(collect(setdiff(variableUniverse, testSet))) + + r = getPValueLinear( + DataFrame(X[:, testSet]), + fY, + ExpInd, + numberOfTargets, + numberOfEnvironments + ) + push!(Pall, r.pvalue) + if r.pvalue > α + push!(acceptedSets, testSet) + v = getQuantileNormalStd(α, r.coefsStdError) + ConfInt[1, testSet] = max(ConfInt[1, testSet], r.coefs .+ v) + ConfInt[2, testSet] = min(ConfInt[2, testSet], r.coefs .- v) + + if length(notUsedVariables) >= 1 + ConfInt[1, notUsedVariables] = max( + ConfInt[1, notUsedVariables], + zeros(length(ConfInt[1, notUsedVariables])), + ) + ConfInt[2, notUsedVariables] = min( + ConfInt[2, notUsedVariables], + zeros(length(ConfInt[2, notUsedVariables])), + ) + end # of notUsedVariables + + StoreAcceptedOuput!(r, testSet, PValuesAccepted, Coeff, CoeffVar) + else + StoreNotAcceptedOuput!(r, testSet, PValuesNotAccepted) + end # of testSets + + if verbose == true + println("TestSet: ", testSet, "\nResults: ", r) + println("ConfInt ", ConfInt) + println("Pvalues All: ", Pall) + end + end # of getBlanketAll + + casualPredictors = doOutput( X, featureImportances, acceptedSets, PValuesAccepted, + PValuesNotAccepted, Pall, gof, verbose, ConfInt, Coeff, CoeffVar,) + + return((X = X, acceptedSets = acceptedSets, ConfInt = ConfInt, Coeff = Coeff, CoeffVar = CoeffVar, + PValuesAccepted = PValuesAccepted, PValuesNotAccepted = PValuesNotAccepted, Pall = Pall, casualPredictors = casualPredictors)) +end # LinearInvariantCausalPredictionSequential + + +""" +ForestInvariantCausalPredictionSequential(X, Y, ExpInd; α=0.01, selection=forest, verbose=true) +Searching over subsets in `X[,S]` for direct causes of `Y` +# Arguments +* `X`: DataFrame of the predictors. No missing values are allowed +* `Y`: DataFrame of the target. Binary for classification or floats for regression. No missing values are allowed +* `ExpInd`: DataFrame of environment indicators (e.g. 1, 2, ...) +* `α`: significance level (e.g. 0.01 or 0.05) +* `selection`: if all, will include all the predictors. if booster, XGBooster selects the predictors. Else random forest selects the predictors +* `verbose`: if true, will print each subset tested and some other output +""" +function ForestInvariantCausalPredictionSequential( + X::DataFrame, + Y::DataFrame, + ExpInd::DataFrame; + α = 0.05, + selection = "forest", + verbose = false, +) + @assert nrow(X) == nrow(Y) == nrow(ExpInd) + @assert ncol(X) >= 2 + @assert ncol(Y) == 1 + @assert ncol(ExpInd) == 1 + + X = hotEncoder(X) + numberOfTargets = length(unique(Y[:, 1])) + fY = float.(Y[:, 1]) + numberOfEnvironments = nrow(unique(ExpInd)) + @assert numberOfEnvironments >= 2 + variableUniverse = Set(1:ncol(X)) + + acceptedSets = [Int64[]] + PValuesAccepted = Dict{Int64,Array{Float64}}() + PValuesNotAccepted = Dict{Int64,Array{Float64}}() + Pall = Float64[] + gof = max(0.01, α) + + if numberOfTargets > 2 + println("More than two targests in Y thus doing Linear Regression") + else + println("Two targests in Y thus doing Logistic Classification") + @assert maximum(Y[:,1]) == 1 + @assert minimum(Y[:,1]) == 0 + end + + (blankets, featureImportances) = getBlanketRandomForest(X, Y, selection) + for testSet in blankets + r = InvariantEnvironmentPrediction( + DataFrame(X[:, testSet]), + fY, + ExpInd, + numberOfTargets, + numberOfEnvironments + ) + push!(Pall, r.pvalue) + if r.pvalue > α + push!(acceptedSets, testSet) + StoreAcceptedOuput!(r, testSet, PValuesAccepted) + else + StoreNotAcceptedOuput!(r, testSet, PValuesNotAccepted) + end # of acceptedSets + + if verbose == true + println("TestSet: ", testSet, "\nResults: ", r) + println("Pvalues All: ", Pall) + end + end # of testSets + + casualPredictors = doOutput(X, featureImportances, acceptedSets, PValuesAccepted, PValuesNotAccepted, Pall, gof, verbose) + + return((X = X, acceptedSets = acceptedSets, PValuesAccepted = PValuesAccepted, PValuesNotAccepted = PValuesNotAccepted, + Pall = Pall, casualPredictors = casualPredictors, featureImportances = featureImportances)) +end # ForestInvariantCausalPredictionSequential + + + + diff --git a/src/ICP/InvariantEnvironmentPrediction.jl b/src/ICP/InvariantEnvironmentPrediction.jl new file mode 100644 index 00000000..3c975541 --- /dev/null +++ b/src/ICP/InvariantEnvironmentPrediction.jl @@ -0,0 +1,93 @@ +module InvariantEnvironmentPredictionModule + +using Distributed +import Hwloc +if length(workers()) == 1 + addprocs(Hwloc.num_physical_cores()) # get ready for parallelism +end +@everywhere begin + using Distributed, MLJ, DataFrames + using StatsBase: sample + using HypothesisTests: UnequalVarianceZTest, pvalue, EqualVarianceZTest, FisherExactTest, MannWhitneyUTest +end +include("ICPlibrary.jl") +@everywhere forest_model = MLJ.@load RandomForestClassifier pkg = DecisionTree + +export InvariantEnvironmentPrediction + + +@everywhere function fitAndPredict(tmRandomForestClassifier, X, y) + mtm = machine(tmRandomForestClassifier, X, y) + fit!(mtm) + ŷ = MLJ.predict(mtm, X) + ŷMode = [mode(ŷ[i]) for i in 1:length(ŷ)] + return ((ŷMode = ŷMode, mtm = mtm)) +end + + +@everywhere function InvariantEnvironmentPrediction( + X::DataFrame, # X must have scientific types + y::Vector{Float64}, + ExpInd::DataFrame, + numberOfTargets::Int64, + numberOfEnvironments::Int64, + alpha = 0.05, + verbose = false, +) + println("InvariantEnvironmentPrediction: ", names(X)) + Xy = copy(X) + yPermutedIndex = sample(1:length(y), length(y), replace = false, ordered = false) + Xy.Y = y[yPermutedIndex,1] + E = ExpInd[:,1] |> categorical + + @everywhere pipeRandomForestClassifier = @pipeline RandomForestClassifierPipe( + selector = FeatureSelector(), + hot = OneHotEncoder(), + tree = RandomForestClassifier()) prediction_type = :probabilistic + + cases = [[Symbol(names(Xy)[j]) for j in 1:i] for i in 1:ncol(Xy)] + r1 = range(pipeRandomForestClassifier, :(selector.features), values = cases) + + tmRandomForestClassifier = TunedModel( + model = pipeRandomForestClassifier, + range = r1, + measures = [cross_entropy, BrierScore()], + resampling = CV(nfolds = 5) + ) + + # train model with X and permuted Y + BrefOnlyX = @spawnat :any fitAndPredict(tmRandomForestClassifier, Xy, E) + + # train model with X and Y without permuting + Xy = copy(X) + Xy.Y = y[:,1] + BrefXY = @spawnat :any fitAndPredict(tmRandomForestClassifier, Xy, E) + + fetchXY = fetch(BrefXY) + fetchOnlyX = fetch(BrefOnlyX) + + pval = MannWhitneyUTestTargetEnv(ExpInd, + convert(Vector{Float64}, fetchOnlyX.ŷMode), + convert(Vector{Float64}, fetchXY.ŷMode)) + + return ((pvalue = pval, testSet = names(X))) +end # InvariantEnvironmentPrediction + + +@everywhere function MannWhitneyUTestTargetEnv( + ExpInd::DataFrame, # remember that E was the target + predictedOnlyX::Vector{Float64}, + predictedXY::Vector{Float64}, +) + residOnlyX = abs.(ExpInd[:,1] - predictedOnlyX) + residXY = abs.(ExpInd[:,1] - predictedXY) + pval = pvalue(MannWhitneyUTest(residOnlyX, residXY)) + return (pval) +end # MannWhitneyUTestTargetEnv + +end # module + + + + + diff --git a/src/ICP/Test/E3a.csv b/src/ICP/Test/E3a.csv new file mode 100644 index 00000000..9e418621 --- /dev/null +++ b/src/ICP/Test/E3a.csv @@ -0,0 +1,4740 @@ +"E" +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +2 +1 +1 +1 +1 +1 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/src/ICP/Test/Eexample1.csv b/src/ICP/Test/Eexample1.csv new file mode 100644 index 00000000..97a22651 --- /dev/null +++ b/src/ICP/Test/Eexample1.csv @@ -0,0 +1,1001 @@ +"E" +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +0 +0 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 diff --git a/src/ICP/Test/ExpInd1.csv b/src/ICP/Test/ExpInd1.csv new file mode 100644 index 00000000..e52ad97c --- /dev/null +++ b/src/ICP/Test/ExpInd1.csv @@ -0,0 +1,4001 @@ +"ExpInd" +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 diff --git a/src/ICP/Test/ExpInd2.csv b/src/ICP/Test/ExpInd2.csv new file mode 100644 index 00000000..ad5cf907 --- /dev/null +++ b/src/ICP/Test/ExpInd2.csv @@ -0,0 +1,901 @@ +"ExpInd" +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 diff --git a/src/ICP/Test/ExpInd3.csv b/src/ICP/Test/ExpInd3.csv new file mode 100644 index 00000000..9e418621 --- /dev/null +++ b/src/ICP/Test/ExpInd3.csv @@ -0,0 +1,4740 @@ +"E" +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +2 +1 +1 +1 +1 +1 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 diff --git a/src/ICP/Test/ExpInd3small.csv b/src/ICP/Test/ExpInd3small.csv new file mode 100644 index 00000000..ef687a08 --- /dev/null +++ b/src/ICP/Test/ExpInd3small.csv @@ -0,0 +1,100 @@ +"E" +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +1 +1 +1 +1 +1 diff --git a/src/ICP/Test/IssueReport/MLJ_GLM_Lab.ipynb b/src/ICP/Test/IssueReport/MLJ_GLM_Lab.ipynb new file mode 100644 index 00000000..f3607fb6 --- /dev/null +++ b/src/ICP/Test/IssueReport/MLJ_GLM_Lab.ipynb @@ -0,0 +1,570 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Using MLJ with the GLM package\n", + "\n", + "This juypter lab showcases MLJ in particular using the popular [GLM](https://github.com/JuliaStats/GLM.jl) Julia package. We are using the CollegeDistance dataset from the [AER](https://cran.r-project.org/web/packages/AER/index.html) package in R. " + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "┌ Info: A model type \"LinearRegressor\" is already loaded. \n", + "│ No new code loaded. \n", + "└ @ MLJModels C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJModels\\gHake\\src\\loading.jl:43\n", + "┌ Info: A model type \"LinearBinaryClassifier\" is already loaded. \n", + "│ No new code loaded. \n", + "└ @ MLJModels C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJModels\\gHake\\src\\loading.jl:43\n" + ] + }, + { + "data": { + "text/plain": [ + "LinearBinaryClassifier(\n", + " fit_intercept = true,\n", + " link = GLM.LogitLink())\u001b[34m @ 8…34\u001b[39m" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "using Queryverse, MLJ, CategoricalArrays, PrettyPrinting\n", + "@load LinearRegressor pkg = GLM\n", + "@load LinearBinaryClassifier pkg=GLM \n", + "##########@load LinearCountRegressor pkg=GLM" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Reading the data\n", + "\n", + "The the CollegeDistance dataset was stored in a CSV file. Here, we read the input file. " + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "

4,739 rows × 1 columns

Y
Int64
10
20
30
40
50
60
70
80
90
100
110
120
130
141
150
160
170
180
191
201
210
220
230
241
250
260
270
280
291
300
" + ], + "text/latex": [ + "\\begin{tabular}{r|c}\n", + "\t& Y\\\\\n", + "\t\\hline\n", + "\t& Int64\\\\\n", + "\t\\hline\n", + "\t1 & 0 \\\\\n", + "\t2 & 0 \\\\\n", + "\t3 & 0 \\\\\n", + "\t4 & 0 \\\\\n", + "\t5 & 0 \\\\\n", + "\t6 & 0 \\\\\n", + "\t7 & 0 \\\\\n", + "\t8 & 0 \\\\\n", + "\t9 & 0 \\\\\n", + "\t10 & 0 \\\\\n", + "\t11 & 0 \\\\\n", + "\t12 & 0 \\\\\n", + "\t13 & 0 \\\\\n", + "\t14 & 1 \\\\\n", + "\t15 & 0 \\\\\n", + "\t16 & 0 \\\\\n", + "\t17 & 0 \\\\\n", + "\t18 & 0 \\\\\n", + "\t19 & 1 \\\\\n", + "\t20 & 1 \\\\\n", + "\t21 & 0 \\\\\n", + "\t22 & 0 \\\\\n", + "\t23 & 0 \\\\\n", + "\t24 & 1 \\\\\n", + "\t25 & 0 \\\\\n", + "\t26 & 0 \\\\\n", + "\t27 & 0 \\\\\n", + "\t28 & 0 \\\\\n", + "\t29 & 1 \\\\\n", + "\t30 & 0 \\\\\n", + "\t$\\dots$ & $\\dots$ \\\\\n", + "\\end{tabular}\n" + ], + "text/plain": [ + "4739×1 DataFrame\n", + "│ Row │ Y │\n", + "│ │ \u001b[90mInt64\u001b[39m │\n", + "├──────┼───────┤\n", + "│ 1 │ 0 │\n", + "│ 2 │ 0 │\n", + "│ 3 │ 0 │\n", + "│ 4 │ 0 │\n", + "│ 5 │ 0 │\n", + "│ 6 │ 0 │\n", + "│ 7 │ 0 │\n", + "│ 8 │ 0 │\n", + "│ 9 │ 0 │\n", + "│ 10 │ 0 │\n", + "⋮\n", + "│ 4729 │ 1 │\n", + "│ 4730 │ 1 │\n", + "│ 4731 │ 0 │\n", + "│ 4732 │ 1 │\n", + "│ 4733 │ 0 │\n", + "│ 4734 │ 0 │\n", + "│ 4735 │ 0 │\n", + "│ 4736 │ 0 │\n", + "│ 4737 │ 0 │\n", + "│ 4738 │ 1 │\n", + "│ 4739 │ 0 │" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "dfX = DataFrame(Queryverse.load(\"C:\\\\Users\\\\BCP\\\\github\\\\ICP\\\\Test\\\\X3.csv\"))\n", + "\n", + "dfYbinary = DataFrame(Queryverse.load(\"C:\\\\Users\\\\BCP\\\\github\\\\ICP\\\\Test\\\\Y3.csv\"))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Defining the Linear Model\n", + "\n", + "Let see how many MLJ models handle our kind of target which is the y variable. " + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "3-element Array{NamedTuple{(:name, :package_name, :is_supervised, :docstring, :hyperparameter_ranges, :hyperparameter_types, :hyperparameters, :implemented_methods, :is_pure_julia, :is_wrapper, :load_path, :package_license, :package_url, :package_uuid, :prediction_type, :supports_online, :supports_weights, :input_scitype, :target_scitype, :output_scitype),T} where T<:Tuple,1}:\n", + " (name = EvoTreeCount, package_name = EvoTrees, ... )\n", + " (name = LinearCountRegressor, package_name = GLM, ... )\n", + " (name = XGBoostCount, package_name = XGBoost, ... )" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + " ms = models() do m AbstractVector{Count}<: m.target_scitype end" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "52-element Array{NamedTuple{(:name, :package_name, :is_supervised, :docstring, :hyperparameter_ranges, :hyperparameter_types, :hyperparameters, :implemented_methods, :is_pure_julia, :is_wrapper, :load_path, :package_license, :package_url, :package_uuid, :prediction_type, :supports_online, :supports_weights, :input_scitype, :target_scitype, :output_scitype),T} where T<:Tuple,1}:\n", + " (name = ARDRegressor, package_name = ScikitLearn, ... )\n", + " (name = AdaBoostRegressor, package_name = ScikitLearn, ... )\n", + " (name = BaggingRegressor, package_name = ScikitLearn, ... )\n", + " (name = BayesianRidgeRegressor, package_name = ScikitLearn, ... )\n", + " (name = ConstantRegressor, package_name = MLJModels, ... )\n", + " (name = DecisionTreeRegressor, package_name = DecisionTree, ... )\n", + " (name = DeterministicConstantRegressor, package_name = MLJModels, ... )\n", + " (name = DummyRegressor, package_name = ScikitLearn, ... )\n", + " (name = ElasticNetCVRegressor, package_name = ScikitLearn, ... )\n", + " (name = ElasticNetRegressor, package_name = MLJLinearModels, ... )\n", + " (name = ElasticNetRegressor, package_name = ScikitLearn, ... )\n", + " (name = EpsilonSVR, package_name = LIBSVM, ... )\n", + " (name = EvoTreeGaussian, package_name = EvoTrees, ... )\n", + " ⋮\n", + " (name = RandomForestRegressor, package_name = ScikitLearn, ... )\n", + " (name = RidgeCVRegressor, package_name = ScikitLearn, ... )\n", + " (name = RidgeRegressor, package_name = MLJLinearModels, ... )\n", + " (name = RidgeRegressor, package_name = MultivariateStats, ... )\n", + " (name = RidgeRegressor, package_name = ScikitLearn, ... )\n", + " (name = RobustRegressor, package_name = MLJLinearModels, ... )\n", + " (name = SGDRegressor, package_name = ScikitLearn, ... )\n", + " (name = SVMLRegressor, package_name = ScikitLearn, ... )\n", + " (name = SVMNuRegressor, package_name = ScikitLearn, ... )\n", + " (name = SVMRegressor, package_name = ScikitLearn, ... )\n", + " (name = TheilSenRegressor, package_name = ScikitLearn, ... )\n", + " (name = XGBoostRegressor, package_name = XGBoost, ... )" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + " ms = models() do m Vector{Continuous}<: m.target_scitype end" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Defining the Linear Model\n" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "#=\n", + "X = copy(dfX)\n", + "y = copy(dfYbinary)\n", + "\n", + "X=X[:,3:3]\n", + "\n", + "#ORIGINAL LinearCountRegressor LinearCountRegressor\n", + "\n", + "@pipeline LinearCountRegressorPipe(\n", + " std = Standardizer(),\n", + " hot = OneHotEncoder(drop_last = true),\n", + " reg = LinearCountRegressor()\n", + ")\n", + "\n", + "coerce!(X, autotype(X, :string_to_multiclass))\n", + "yc = convert.(Int64,(y[:, 1]))\n", + "yc = coerce(yc, Count)\n", + "\n", + "\n", + "LogisticModel = machine(LinearCountRegressorPipe(), X, yc)\n", + "fit!(LogisticModel)\n", + "\n", + "fp = fitted_params(LogisticModel).fitted_params\n", + "ŷ = MLJ.predict(LogisticModel, X)\n", + "#yhatResponse = [pdf(p, maximum(y)) for p in ŷ]\n", + "#residuals = y .- yhatResponse\n", + "\n", + "r = report(LogisticModel)\n", + "pprint(fp)\n", + "pprint(r)\n", + "println(\"\\nyhat\\n \", ŷ[1:5])\n", + "=#\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Reading the Output of Fitting the Linear Model\n", + "\n", + "We can quickly define our models in MLJ. " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Defining the Logistic Model" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "#=\n", + "X = copy(dfX)\n", + "y = copy(dfYbinary)\n", + "\n", + "X=X[:,3:3]\n", + "\n", + "#ORIGINAL LinearCountRegressor LinearCountRegressor\n", + "\n", + "@pipeline LinearCountRegressorPipe(\n", + " std = Standardizer(),\n", + " hot = OneHotEncoder(drop_last = true),\n", + " reg = LinearCountRegressor()\n", + ")\n", + "\n", + "coerce!(X, autotype(X, :string_to_multiclass))\n", + "yc = convert.(Int64,(y[:, 1]))\n", + "yc = coerce(yc, Count)\n", + "\n", + "\n", + "LogisticModel = machine(LinearCountRegressorPipe(), X, yc)\n", + "fit!(LogisticModel)\n", + "\n", + "fp = fitted_params(LogisticModel).fitted_params\n", + "ŷ = MLJ.predict(LogisticModel, X)\n", + "#yhatResponse = [pdf(p, maximum(y)) for p in ŷ]\n", + "#residuals = y .- yhatResponse\n", + "\n", + "r = report(LogisticModel)\n", + "pprint(fp)\n", + "pprint(r)\n", + "println(\"\\nyhat\\n \", ŷ[1:5])\n", + "=#\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "train_args = MLJBase.Source{:input}[\u001b[34mSource{:input} @ 1…19\u001b[39m]\n", + "mach.model = \u001b[34mStandardizer @ 6…36\u001b[39m\n", + "train_args = Node{NodalMachine{Standardizer}}[\u001b[34mNode{NodalMachine{Standardizer}} @ 7…09\u001b[39m]\n", + "mach.model = \u001b[34mOneHotEncoder @ 1…81\u001b[39m\n", + "train_args = AbstractNode[\u001b[34mNode{NodalMachine{OneHotEncoder}} @ 9…70\u001b[39m, \u001b[34mSource{:target} @ 2…11\u001b[39m]\n", + "mach.model = \u001b[34mLinearBinaryClassifier{LogitLink} @ 5…27\u001b[39m\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "┌ Info: Training \u001b[34mMachine{LinearBinaryClassifierPipe} @ 1…88\u001b[39m.\n", + "└ @ MLJBase C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJBase\\ESDzL\\src\\machines.jl:182\n", + "┌ Info: Training \u001b[34mNodalMachine{Standardizer} @ 1…26\u001b[39m.\n", + "└ @ MLJBase C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJBase\\ESDzL\\src\\machines.jl:182\n", + "┌ Info: Training \u001b[34mNodalMachine{OneHotEncoder} @ 1…84\u001b[39m.\n", + "└ @ MLJBase C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJBase\\ESDzL\\src\\machines.jl:182\n", + "┌ Info: Spawning 1 sub-features to one-hot encode feature :gender.\n", + "└ @ MLJModels C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJModels\\gHake\\src\\builtins\\Transformers.jl:691\n", + "┌ Info: Spawning 2 sub-features to one-hot encode feature :ethnicity.\n", + "└ @ MLJModels C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJModels\\gHake\\src\\builtins\\Transformers.jl:691\n", + "┌ Info: Spawning 1 sub-features to one-hot encode feature :fcollege.\n", + "└ @ MLJModels C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJModels\\gHake\\src\\builtins\\Transformers.jl:691\n", + "┌ Info: Spawning 1 sub-features to one-hot encode feature :mcollege.\n", + "└ @ MLJModels C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJModels\\gHake\\src\\builtins\\Transformers.jl:691\n", + "┌ Info: Spawning 1 sub-features to one-hot encode feature :home.\n", + "└ @ MLJModels C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJModels\\gHake\\src\\builtins\\Transformers.jl:691\n", + "┌ Info: Training \u001b[34mNodalMachine{LinearBinaryClassifier{LogitLink}} @ 8…65\u001b[39m.\n", + "└ @ MLJBase C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJBase\\ESDzL\\src\\machines.jl:182\n" + ] + }, + { + "ename": "MethodError", + "evalue": "MethodError: no method matching coef(::Tuple{GLM.GeneralizedLinearModel{GLM.GlmResp{Array{Float64,1},Distributions.Bernoulli{Float64},GLM.LogitLink},GLM.DensePredChol{Float64,LinearAlgebra.Cholesky{Float64,Array{Float64,2}}}},CategoricalValue{Int64,UInt32}})\nClosest candidates are:\n coef(!Matched::Union{StatsModels.TableRegressionModel, StatsModels.TableStatisticalModel}, !Matched::Any...; kwargs...) at C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\StatsModels\\dvYSo\\src\\statsmodel.jl:28\n coef(!Matched::GLM.LinPredModel) at C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\GLM\\6V3fS\\src\\linpred.jl:255\n coef(!Matched::StatsBase.StatisticalModel) at C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\StatsBase\\548SN\\src\\statmodels.jl:10\n ...", + "output_type": "error", + "traceback": [ + "MethodError: no method matching coef(::Tuple{GLM.GeneralizedLinearModel{GLM.GlmResp{Array{Float64,1},Distributions.Bernoulli{Float64},GLM.LogitLink},GLM.DensePredChol{Float64,LinearAlgebra.Cholesky{Float64,Array{Float64,2}}}},CategoricalValue{Int64,UInt32}})\nClosest candidates are:\n coef(!Matched::Union{StatsModels.TableRegressionModel, StatsModels.TableStatisticalModel}, !Matched::Any...; kwargs...) at C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\StatsModels\\dvYSo\\src\\statsmodel.jl:28\n coef(!Matched::GLM.LinPredModel) at C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\GLM\\6V3fS\\src\\linpred.jl:255\n coef(!Matched::StatsBase.StatisticalModel) at C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\StatsBase\\548SN\\src\\statmodels.jl:10\n ...", + "", + "Stacktrace:", + " [1] fitted_params(::LinearBinaryClassifier{GLM.LogitLink}, ::Tuple{GLM.GeneralizedLinearModel{GLM.GlmResp{Array{Float64,1},Distributions.Bernoulli{Float64},GLM.LogitLink},GLM.DensePredChol{Float64,LinearAlgebra.Cholesky{Float64,Array{Float64,2}}}},CategoricalValue{Int64,UInt32}}) at C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJModels\\gHake\\src\\GLM.jl:138", + " [2] fitted_params(::NodalMachine{LinearBinaryClassifier{GLM.LogitLink}}) at C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJBase\\ESDzL\\src\\operations.jl:45", + " [3] iterate at .\\generator.jl:47 [inlined]", + " [4] collect(::Base.Generator{Array{Any,1},typeof(fitted_params)}) at .\\array.jl:665", + " [5] fitted_params(::Node{NodalMachine{LinearBinaryClassifier{GLM.LogitLink}}}) at C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJBase\\ESDzL\\src\\composition\\composites.jl:51", + " [6] fitted_params(::LinearBinaryClassifierPipe, ::Node{NodalMachine{LinearBinaryClassifier{GLM.LogitLink}}}) at C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJBase\\ESDzL\\src\\composition\\composites.jl:55", + " [7] fitted_params(::Machine{LinearBinaryClassifierPipe}) at C:\\Users\\BCP\\.juliapro\\JuliaPro_v1.4.1-1\\packages\\MLJBase\\ESDzL\\src\\operations.jl:45", + " [8] top-level scope at In[12]:20" + ] + } + ], + "source": [ + "X = copy(dfX)\n", + "y = copy(dfYbinary)\n", + "\n", + "X=X[:,1:6]\n", + "\n", + "# LinearBinaryClassifier LinearBinaryClassifier LinearBinaryClassifier LinearBinaryClassifier \n", + "\n", + "@pipeline LinearBinaryClassifierPipe(\n", + " std = Standardizer(),\n", + " hot = OneHotEncoder(drop_last = true),\n", + " reg = LinearBinaryClassifier()\n", + ")\n", + "\n", + "coerce!(X, autotype(X, :string_to_multiclass))\n", + "yc = CategoricalArray(y[:, 1])\n", + "yc = coerce(yc, OrderedFactor)\n", + "\n", + "LogisticModel = machine(LinearBinaryClassifierPipe(), X, yc)\n", + "fit!(LogisticModel)\n", + "fp = fitted_params(LogisticModel)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Reading the Output from the Prediction of the Logistic Model\n", + "\n", + "The output of the MLJ model basically contain the same information as the R version of the model. " + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "========================================\n", + "(machines = [\u001b[34mNodalMachine{LinearBinaryClassifier{LogitLink}} @ 8…65\u001b[39m,\n", + " \u001b[34mNodalMachine{OneHotEncoder} @ 1…84\u001b[39m,\n", + " \u001b[34mNodalMachine{Standardizer} @ 1…26\u001b[39m],\n", + " reports =\n", + " [(deviance = 4503.761053428112,\n", + " dof_residual = 4732.0,\n", + " stderror = [0.07477390232879912,\n", + " 0.11990207348301012,\n", + " 0.10262164823735807,\n", + " 0.046157081532280576,\n", + " 0.09142354525679938,\n", + " 0.10583046238545038,\n", + " 0.10532017977348578,\n", + " 0.10867641079827785],\n", + " vcov =\n", + " [0.005591136469476789 0.00017773974164698634 0.0003484253454762139 0.0003870208943391252 -0.0002640475479755173 1.749586217660677e-5 -0.00018771823304335699 -0.003109293163132924; 0.00017773974164698634 0.014376507225525158 0.002861285440819615 0.001479363477803272 -0.0008537276458600929 0.0006027012612057836 -0.0011914050464634225 -0.0026616364001845086; 0.0003484253454762139 0.002861285440819615 0.010531202686952058 0.001046697217870831 -0.0006912343013098895 -0.0005566107193304949 -0.0007754727353543054 -0.001730687112499383; 0.0003870208943391252 0.001479363477803272 0.001046697217870831 0.002130476175577597 0.0002732701183831524 0.00016867410970200438 4.588325240493764e-5 -0.001793532504684497; -0.0002640475479755173 -0.0008537276458600929 -0.0006912343013098895 0.0002732701183831524 0.008358264627322046 -0.003784556510555551 -0.0003533720696037998 -0.0026440390092327343; 1.749586217660677e-5 0.0006027012612057836 -0.0005566107193304949 0.00016867410970200438 -0.003784556510555551 0.011200086768718228 -0.0002031648573594575 -0.006489527228166477; -0.00018771823304335699 -0.0011914050464634225 -0.0007754727353543054 4.588325240493764e-5 -0.0003533720696037998 -0.0002031648573594575 0.011092340267519362 -0.0008372377422424271; -0.003109293163132924 -0.0026616364001845086 -0.001730687112499383 -0.001793532504684497 -0.0026440390092327343 -0.006489527228166477 -0.0008372377422424271 0.011810562263996042]),\n", + " (features_to_be_encoded =\n", + " [:ethnicity, :fcollege, :home, :mcollege, :gender],\n", + " new_features = [:gender__female,\n", + " :ethnicity__afam,\n", + " :ethnicity__hispanic,\n", + " :score,\n", + " :fcollege__no,\n", + " :mcollege__no,\n", + " :home__no]),\n", + " (features_fit = [:score],)])\n", + "========================================\n", + "\n", + " y \n", + " [0, 0, 0, 0, 0]\n", + "\n", + " ŷ \n", + " UnivariateFinite{Int64,UInt32,Float64}[UnivariateFinite(0=>0.917, 1=>0.0827), UnivariateFinite(0=>0.847, 1=>0.153), UnivariateFinite(0=>0.871, 1=>0.129), UnivariateFinite(0=>0.937, 1=>0.0625), UnivariateFinite(0=>0.949, 1=>0.051)]\n", + "\n", + " yhatResponse \n", + " [0.9172629210714334, 0.8468033630657354, 0.8713728339664609, 0.9374533540266803, 0.948964692824914]\n", + "\n", + " Standard Error per Coefficient \n", + "[0.07477390232879912, 0.11990207348301012, 0.10262164823735807, 0.046157081532280576, 0.09142354525679938, 0.10583046238545038, 0.10532017977348578, 0.10867641079827785]\n" + ] + } + ], + "source": [ + "ŷ = MLJ.predict(LogisticModel, X)\n", + "yhatResponse = [pdf(ŷ[i], y[i,1]) for i in 1:nrow(y)]\n", + "residuals = y .- yhatResponse\n", + "r = report(LogisticModel)\n", + "\n", + "println(\"========================================\")\n", + "pprint(r)\n", + "println(\"\\n========================================\")\n", + "#println(\"Coefficients: \", fp[1].coef)\n", + "println(\"\\n y \\n \", y[1:5,1])\n", + "println(\"\\n ŷ \\n \", ŷ[1:5])\n", + "println(\"\\n yhatResponse \\n \", yhatResponse[1:5])\n", + "println(\"\\n Standard Error per Coefficient \\n\", r.reports[1].stderror)\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "OrderedFactor{2}" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "elscitype(yc)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0.15377824025930306" + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "yhatResponse = Float64[]\n", + "i=3\n", + "\n", + "pdf(ŷ[i], 1)\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Julia 1.4.1", + "language": "julia", + "name": "julia-1.4" + }, + "language_info": { + "file_extension": ".jl", + "mimetype": "application/julia", + "name": "julia", + "version": "1.4.1" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/src/ICP/Test/IssueReport/X3.csv b/src/ICP/Test/IssueReport/X3.csv new file mode 100644 index 00000000..646c98e0 --- /dev/null +++ b/src/ICP/Test/IssueReport/X3.csv @@ -0,0 +1,4740 @@ +"gender","ethnicity","score","fcollege","mcollege","home","urban","unemp","wage","tuition","income","region" +"male","other",39.1500015258789,"yes","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",48.8699989318848,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"male","other",48.7400016784668,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"male","afam",40.4000015258789,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",40.4799995422363,"no","no","no","yes",5.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"male","other",54.7099990844727,"no","no","yes","yes",5.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"female","other",56.0699996948242,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",54.8499984741211,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",64.7399978637695,"yes","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",56.060001373291,"no","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",42.2200012207031,"no","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","afam",61.1800003051758,"no","yes","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.8499984741211,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",58.7700004577637,"yes","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",53.7200012207031,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",61.5200004577637,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",52.5299987792969,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",45.0099983215332,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",57.7099990844727,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",59.3600006103516,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",50.9300003051758,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",59.560001373291,"yes","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",58.4599990844727,"yes","yes","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",55.7000007629395,"no","no","no","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",60.810001373291,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","afam",40.5999984741211,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",49.9900016784668,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",59.689998626709,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",60.3300018310547,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",60.1399993896484,"yes","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",68.5800018310547,"yes","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",42.6100006103516,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",58.6599998474121,"yes","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"male","other",58.1399993896484,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",58.9500007629395,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",49.3699989318848,"no","no","yes","yes",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",47.25,"no","yes","no","yes",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",61.0299987792969,"yes","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"male","other",54.3499984741211,"no","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",68.120002746582,"yes","yes","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"male","other",70.0999984741211,"yes","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.6100006103516,"no","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.5699996948242,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.1100006103516,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",39.4099998474121,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.9799995422363,"yes","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"high","other" +"female","afam",41.5900001525879,"yes","yes","no","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",55.3199996948242,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","hispanic",42.2299995422363,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",62,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","hispanic",49.6500015258789,"no","no","no","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",44.9599990844727,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",37.310001373291,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",39.8699989318848,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",56.439998626709,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","afam",42.6500015258789,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",60.0499992370605,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",38.3199996948242,"no","no","no","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",65.870002746582,"yes","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",44.6500015258789,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",57.7400016784668,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",60.3800010681152,"yes","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",62.7700004577637,"no","no","no","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.7299995422363,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.060001373291,"yes","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.0200004577637,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.7400016784668,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",46.2799987792969,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"low","other" +"female","other",60.4000015258789,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"low","other" +"male","other",53.2099990844727,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"high","other" +"female","other",60.9300003051758,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.439998626709,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",45.310001373291,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",60.2200012207031,"yes","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",56.4199981689453,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",62.2700004577637,"no","yes","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",51.8400001525879,"yes","yes","no","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",57.5499992370605,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",57.6199989318848,"yes","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",57.5,"no","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",65.3099975585938,"yes","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",50.6199989318848,"yes","no","yes","no",7.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",51.2299995422363,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",53.5499992370605,"no","no","no","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.5200004577637,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",43.4099998474121,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.5,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.3199996948242,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",36.3699989318848,"no","no","no","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",43.7999992370605,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",45.1399993896484,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"high","other" +"female","other",63.2599983215332,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",51.3199996948242,"yes","yes","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"male","other",44.2299995422363,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",42.9300003051758,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"high","other" +"female","other",47.5999984741211,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"male","other",56.4700012207031,"yes","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"high","other" +"male","other",64.6900024414062,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"female","other",62.3499984741211,"yes","yes","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.9599990844727,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"female","other",40.2799987792969,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"high","other" +"male","other",44.6599998474121,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"male","other",65.4599990844727,"no","no","no","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"female","other",37.810001373291,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"male","other",66.9499969482422,"yes","yes","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"high","other" +"female","other",55.6399993896484,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"high","other" +"female","other",51.2799987792969,"no","yes","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",52.7799987792969,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",64.5999984741211,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",61.7299995422363,"yes","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","afam",50.810001373291,"no","yes","yes","no",5.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"male","other",44.4599990844727,"yes","yes","yes","no",5.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",41.5800018310547,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"female","other",40.7000007629395,"no","no","no","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"female","other",39.6300010681152,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"female","other",54.1699981689453,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"male","hispanic",38.9500007629395,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"high","other" +"female","other",62.8400001525879,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"male","other",64.4800033569336,"no","no","no","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",47.0900001525879,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",50.9500007629395,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",44.4599990844727,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",58.8899993896484,"no","yes","no","no",8.69999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",54.3600006103516,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",45.2900009155273,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",54.1699981689453,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",52.7400016784668,"yes","no","yes","no",6.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",60.939998626709,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",40.1800003051758,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.0900001525879,"no","yes","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",54.2599983215332,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.1300010681152,"yes","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"high","other" +"female","other",64.9800033569336,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",65.3499984741211,"no","no","no","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",55.9599990844727,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",61.7299995422363,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"high","other" +"male","other",56.3499984741211,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",51.0999984741211,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"high","other" +"female","other",39.5200004577637,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",60.75,"yes","yes","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",38.189998626709,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",51.0200004577637,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",53.6500015258789,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",56.3499984741211,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",52.9500007629395,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",63.4099998474121,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",66.1699981689453,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",45.0999984741211,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",66.9499969482422,"yes","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",62.9000015258789,"yes","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",52.9799995422363,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",62.2900009155273,"no","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",44.310001373291,"no","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",64.1100006103516,"yes","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"male","other",58.6199989318848,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",56.9199981689453,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",52.6699981689453,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"male","other",64.8300018310547,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",49.9000015258789,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",62.5499992370605,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",66.4899978637695,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",62.1399993896484,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",49.2000007629395,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.4700012207031,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",62.1500015258789,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","afam",43.2599983215332,"no","no","no","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.5400009155273,"no","yes","no","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",58.7200012207031,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.8800010681152,"yes","yes","yes","no",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",68.5,"yes","no","no","no",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",52.6399993896484,"no","yes","yes","no",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",37.5400009155273,"no","yes","no","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"male","other",63.5900001525879,"no","no","no","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"female","other",49.9000015258789,"no","no","yes","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"male","other",67.1800003051758,"yes","yes","yes","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"female","other",61.0200004577637,"no","no","yes","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"female","other",55.8899993896484,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"male","other",59.2400016784668,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"male","other",62.9799995422363,"yes","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"high","other" +"male","other",51.0800018310547,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"female","other",57.1199989318848,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"high","other" +"female","other",60.4099998474121,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"female","other",44.2799987792969,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"male","other",53.0499992370605,"no","no","no","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.7999992370605,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",53.5900001525879,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",39.2099990844727,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",65.9300003051758,"yes","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",56.0800018310547,"no","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",63.1300010681152,"no","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",58.3699989318848,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",59.9099998474121,"no","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"male","afam",51.4000015258789,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",49.0900001525879,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.4900016784668,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","afam",45.3600006103516,"yes","yes","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",44.689998626709,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",45.8400001525879,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",55.6599998474121,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",35.7999992370605,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",44.2400016784668,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",51.3300018310547,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",56.4599990844727,"no","yes","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",48.0299987792969,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",63.7700004577637,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",69.9000015258789,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",66.8899993896484,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",68.4400024414062,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",54.8499984741211,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.3600006103516,"yes","yes","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.0400009155273,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",56.9300003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",43.5400009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.8699989318848,"no","no","yes","no",6,9.64000034332275,1.15242004394531,"low","other" +"female","other",54.1699981689453,"yes","no","yes","no",6,9.64000034332275,1.15242004394531,"high","other" +"female","other",58.7299995422363,"yes","no","yes","no",6,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.8400001525879,"no","yes","yes","no",6,9.64000034332275,1.15242004394531,"low","other" +"female","other",65.7900009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",42.0299987792969,"no","yes","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.4300003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",49.5699996948242,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",51.9599990844727,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",63.5699996948242,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",51.689998626709,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",57.8699989318848,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",49.810001373291,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",52.4900016784668,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",43.2200012207031,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"male","afam",58.5299987792969,"yes","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",43.6300010681152,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",54.7900009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",37.6100006103516,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",62.25,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",43.7999992370605,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",51.9599990844727,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.2099990844727,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.3400001525879,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",62.939998626709,"no","yes","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",55.8300018310547,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.1199989318848,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",55.5400009155273,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",65.120002746582,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.8499984741211,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",45.5400009155273,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.6800003051758,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.3199996948242,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",56.4199981689453,"yes","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.2000007629395,"yes","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","afam",57.0699996948242,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.8600006103516,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",66.8600006103516,"yes","yes","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.5999984741211,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",56.9300003051758,"yes","yes","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"high","other" +"female","other",54.1199989318848,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",48.75,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.1599998474121,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",40.9000015258789,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.9599990844727,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"high","other" +"male","other",65.7099990844727,"no","yes","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",53.7299995422363,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.5299987792969,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",63.1199989318848,"yes","yes","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"high","other" +"male","other",51.1699981689453,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.4500007629395,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","afam",58.9300003051758,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",55.9799995422363,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",44.7799987792969,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.25,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",56.2999992370605,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",65.6800003051758,"no","no","no","no",7,9.64000034332275,1.15242004394531,"low","other" +"male","other",42.689998626709,"yes","yes","yes","no",7,9.64000034332275,1.15242004394531,"low","other" +"female","other",63.8199996948242,"yes","yes","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"female","other",55.4199981689453,"no","no","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"male","other",48.7099990844727,"no","no","yes","no",7,9.64000034332275,1.15242004394531,"low","other" +"female","other",62.5400009155273,"yes","yes","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"female","other",62.9700012207031,"no","yes","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"male","other",63.2099990844727,"yes","yes","yes","no",7.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",38.2000007629395,"no","no","no","no",7.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",54.9900016784668,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",62.6800003051758,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","other",50.6699981689453,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"female","other",53.3600006103516,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.9199981689453,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",55.75,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.7400016784668,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",56.0200004577637,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",58.5800018310547,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",48.5499992370605,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.6800003051758,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",57.9000015258789,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.9700012207031,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.8699989318848,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",54.0999984741211,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",40.2299995422363,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",50.0400009155273,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.25,"yes","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",61.8699989318848,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",67.620002746582,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",65.1399993896484,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"male","afam",58.4099998474121,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",66.8300018310547,"yes","no","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"female","afam",53.9599990844727,"yes","no","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","afam",52.7799987792969,"no","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"female","other",52.6500015258789,"yes","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","other",60.0800018310547,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.5900001525879,"no","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.0299987792969,"yes","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"female","other",40.7799987792969,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",48.0900001525879,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",41.7299995422363,"no","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",55.6699981689453,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.2299995422363,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.3699989318848,"yes","yes","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.9599990844727,"no","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.2599983215332,"yes","yes","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"female","other",60.9199981689453,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","afam",46.1399993896484,"no","no","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",50.2799987792969,"yes","no","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",39.8600006103516,"no","no","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.1100006103516,"yes","yes","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","afam",43.4199981689453,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",49.0699996948242,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","afam",36.25,"yes","no","no","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",48.3899993896484,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",49.0200004577637,"yes","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",38.0900001525879,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",57.1199989318848,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.439998626709,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"female","hispanic",46.0099983215332,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.5499992370605,"yes","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.1300010681152,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",50.7299995422363,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.2099990844727,"no","no","no","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.2200012207031,"no","no","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",47.189998626709,"no","no","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",36.3699989318848,"no","no","no","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",48.560001373291,"no","no","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.439998626709,"yes","yes","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","afam",49.2200012207031,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","afam",59.6699981689453,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",43.7599983215332,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",54.2400016784668,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",48.5299987792969,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",50.1399993896484,"no","no","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"male","other",52.4599990844727,"no","no","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"female","other",44.7599983215332,"no","no","no","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"female","other",46.2400016784668,"no","no","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.7799987792969,"yes","yes","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"high","other" +"male","other",62.4900016784668,"yes","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",43.6500015258789,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",56.0200004577637,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.9300003051758,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.810001373291,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"female","other",56.2799987792969,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",42.7999992370605,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",65.0500030517578,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.7400016784668,"no","yes","no","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",46.7799987792969,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"high","other" +"male","other",54.8699989318848,"yes","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"high","other" +"male","other",49.1100006103516,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"high","other" +"male","other",51.9000015258789,"no","no","no","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.9000015258789,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.2299995422363,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.4700012207031,"yes","no","no","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.060001373291,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",62.8600006103516,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.9300003051758,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",64.2699966430664,"yes","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","hispanic",51.5999984741211,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.9599990844727,"yes","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"male","other",60.439998626709,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",44.4700012207031,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",51,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.560001373291,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",64.8899993896484,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",58.2400016784668,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.1300010681152,"yes","no","no","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.2000007629395,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",52.310001373291,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.060001373291,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",60.9500007629395,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",55.9799995422363,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",67.4000015258789,"yes","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.3400001525879,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",49.2099990844727,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.2000007629395,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",50.8300018310547,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",42.1599998474121,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.9799995422363,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",61.4700012207031,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",54.6300010681152,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",32.5200004577637,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",42.8400001525879,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"female","afam",51.0800018310547,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",48.2000007629395,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",42.189998626709,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",48.8899993896484,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",42.8199996948242,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",65.6699981689453,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",61.8699989318848,"yes","yes","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",61.2799987792969,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",62.1800003051758,"no","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","afam",60.1800003051758,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"female","other",36.5900001525879,"no","no","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"male","afam",37.6699981689453,"no","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",61.75,"no","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.3199996948242,"yes","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",53.3300018310547,"no","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",48.7000007629395,"no","yes","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","other",66.2300033569336,"no","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.3199996948242,"no","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.1699981689453,"no","no","yes","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",56.2200012207031,"no","no","no","no",6.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","other",65.1900024414062,"no","yes","yes","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",42.0200004577637,"no","no","no","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",44.8600006103516,"no","no","yes","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",57.2799987792969,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",35.439998626709,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",64.5100021362305,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",42,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",45.0099983215332,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",49.9500007629395,"no","no","no","no",7.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",51.8800010681152,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",45.7599983215332,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","afam",41.939998626709,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",64.5299987792969,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",66.5199966430664,"no","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",53.0800018310547,"no","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",54.7599983215332,"no","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",54.5200004577637,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",47.0200004577637,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",62.0299987792969,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","other",62.439998626709,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"male","other",57.5099983215332,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",56.1699981689453,"yes","yes","no","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","other",44.6300010681152,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","other",47.9000015258789,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",56.7200012207031,"no","no","no","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"male","other",52.3300018310547,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",49.7599983215332,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",62.3800010681152,"no","no","no","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",62.5200004577637,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",53.8600006103516,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",58.7900009155273,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",41.5400009155273,"no","no","yes","no",7.40000009536743,10.039999961853,1.12702000141144,"high","other" +"male","other",58.5099983215332,"no","no","no","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","other",49.7000007629395,"no","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",46.8699989318848,"no","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",50.6699981689453,"yes","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",49.2400016784668,"no","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","afam",54.939998626709,"no","no","no","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","afam",41.189998626709,"yes","yes","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",58.810001373291,"no","no","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","afam",44.0400009155273,"no","no","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","afam",47.9599990844727,"yes","yes","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",47.3499984741211,"no","no","no","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",60.9500007629395,"yes","yes","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",55.9799995422363,"yes","no","no","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",69.3000030517578,"yes","no","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",62.8300018310547,"no","no","yes","no",6.90000009536743,10.039999961853,1.12702000141144,"low","other" +"male","other",62.5499992370605,"no","no","no","no",6.90000009536743,10.039999961853,1.12702000141144,"low","other" +"female","other",58.6100006103516,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",57.5400009155273,"no","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",60.6699981689453,"no","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",68.4400024414062,"yes","yes","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",64.5999984741211,"yes","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",68.7799987792969,"yes","yes","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",48.8499984741211,"no","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",64.0800018310547,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",62.9199981689453,"yes","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"male","other",65.0500030517578,"yes","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",55.0400009155273,"yes","no","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"male","other",58.0200004577637,"yes","no","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",54.8400001525879,"yes","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","afam",38.1100006103516,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","afam",36.3800010681152,"no","no","no","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",37.3400001525879,"no","no","no","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"male","afam",48.3199996948242,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","afam",35.6599998474121,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","afam",39.8800010681152,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"high","other" +"male","hispanic",61.8300018310547,"yes","no","no","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","other",53.4700012207031,"yes","no","no","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"male","other",61.439998626709,"yes","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",63.75,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",56.1300010681152,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",67.1100006103516,"yes","yes","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",57.2000007629395,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",56.5200004577637,"yes","yes","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",54.7200012207031,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"male","other",57.6800003051758,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",48.0200004577637,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",55.2299995422363,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",45.0400009155273,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",61.7299995422363,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",50.4199981689453,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",59.0699996948242,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","afam",47.4599990844727,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",56.3400001525879,"yes","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",50.9799995422363,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","afam",40.1699981689453,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",46.2400016784668,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",47.0699996948242,"yes","no","yes","no",7.40000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",58.9099998474121,"no","yes","no","no",7.40000009536743,10.039999961853,1.12702000141144,"low","other" +"male","other",58.5800018310547,"no","no","yes","no",7.40000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",41.75,"no","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",44.0499992370605,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",35.8199996948242,"yes","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",46.7999992370605,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",48.2200012207031,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",54.1599998474121,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","afam",41.6599998474121,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",56.9799995422363,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","afam",42.3300018310547,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",55.2200012207031,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",67.3199996948242,"yes","yes","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",49.7999992370605,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",37.25,"no","no","no","yes",8.39999961853027,10.039999961853,1.12702000141144,"high","other" +"female","afam",48.560001373291,"no","no","no","yes",8.39999961853027,10.039999961853,1.12702000141144,"low","other" +"female","other",58.1300010681152,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"low","other" +"female","afam",36.4599990844727,"no","no","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"low","other" +"male","other",38.8699989318848,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","afam",43.8600006103516,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"low","other" +"male","afam",39.3600006103516,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","afam",38.5699996948242,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","afam",48.7299995422363,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",62.7000007629395,"yes","yes","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.6599998474121,"yes","yes","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",63.6300010681152,"yes","no","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",34.9300003051758,"yes","no","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",59,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.4000015258789,"yes","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.25,"yes","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",45.2700004577637,"no","no","yes","yes",9.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",53.2799987792969,"no","no","yes","yes",9.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",39.9300003051758,"no","no","yes","yes",9.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",46.2299995422363,"yes","yes","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",63.3899993896484,"yes","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",48.3600006103516,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",62.5099983215332,"yes","yes","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",54.0900001525879,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",58.4900016784668,"yes","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.439998626709,"yes","yes","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",62,"yes","no","no","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",47.5099983215332,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",52.3199996948242,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",43.0999984741211,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.5699996948242,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",63.1699981689453,"no","no","no","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","other",66.3099975585938,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",50.8300018310547,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",55.1399993896484,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","afam",35.7000007629395,"no","no","no","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.3400001525879,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",53.2299995422363,"yes","yes","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",42.9799995422363,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",61.8600006103516,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",59.2900009155273,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.8499984741211,"yes","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",44.0299987792969,"yes","yes","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","afam",42.3199996948242,"no","no","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",37,"no","no","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",48,"yes","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","hispanic",44.9599990844727,"no","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.7400016784668,"no","no","yes","no",11,9.96000003814697,1.4041600227356,"high","other" +"male","other",43.6599998474121,"no","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","other",38.8499984741211,"yes","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","afam",65.5100021362305,"yes","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.9599990844727,"yes","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.310001373291,"yes","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",47.4700012207031,"yes","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",35.560001373291,"no","no","no","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.9300003051758,"yes","yes","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",69.3199996948242,"no","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",50.8899993896484,"no","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",57.1599998474121,"no","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.0400009155273,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.2900009155273,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.0199966430664,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"male","other",49.0299987792969,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"male","other",52.7900009155273,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"male","afam",41.7200012207031,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",56.5800018310547,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","afam",58.6500015258789,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",38.1199989318848,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",46.4199981689453,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",50.810001373291,"no","yes","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",49.189998626709,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",38.5699996948242,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",57.4300003051758,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",61.2900009155273,"yes","yes","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"high","other" +"male","other",65.7900009155273,"no","no","no","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","afam",59.4700012207031,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",42.6399993896484,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",41.4799995422363,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",40.9799995422363,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",36.939998626709,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",57.7999992370605,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",56.189998626709,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",60.5099983215332,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",34.1599998474121,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",43.3699989318848,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",40.1500015258789,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",35.7299995422363,"yes","yes","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",38.7299995422363,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",47,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",37.4099998474121,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.4700012207031,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.25,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.7700004577637,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.9000015258789,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.7099990844727,"yes","yes","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",46.4500007629395,"yes","yes","no","no",9.5,9.96000003814697,1.4041600227356,"high","other" +"male","other",57.1800003051758,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",43.7099990844727,"no","no","no","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",58.2400016784668,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",45.6199989318848,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"high","other" +"female","other",61.1500015258789,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",46.5800018310547,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",50.4199981689453,"no","no","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",36.0900001525879,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",43.2799987792969,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",35.0999984741211,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",43.5800018310547,"no","yes","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.1699981689453,"yes","no","yes","no",7.5,9.96000003814697,1.4041600227356,"high","other" +"male","afam",41.1399993896484,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",41.1100006103516,"yes","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",53.25,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",49.2799987792969,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","afam",38.9599990844727,"no","no","no","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.6599998474121,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.1699981689453,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",40.9700012207031,"no","no","no","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.0800018310547,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",52.6100006103516,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",56.4000015258789,"no","no","no","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.0299987792969,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.0999984741211,"yes","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",65.7900009155273,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",34.4000015258789,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",61.2200012207031,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.310001373291,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",61.810001373291,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.870002746582,"yes","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",45.8499984741211,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","afam",50.3400001525879,"yes","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","afam",38.2200012207031,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.939998626709,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",42.1300010681152,"no","no","no","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"male","other",61.689998626709,"no","no","no","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.5299987792969,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"male","other",47.310001373291,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"male","other",40.2299995422363,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.9199981689453,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"female","other",52.939998626709,"yes","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",52.5900001525879,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",48.8600006103516,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",66.6699981689453,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",45.9700012207031,"no","no","yes","no",13.3999996185303,9.96000003814697,1.4041600227356,"high","other" +"female","other",59.0099983215332,"no","no","yes","no",13.3999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",41.0200004577637,"no","no","yes","no",13.3999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",58.7700004577637,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",48.5499992370605,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"high","other" +"female","other",40.0099983215332,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",59.1500015258789,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",41.5400009155273,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.3699989318848,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.9000015258789,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",35.7299995422363,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",43.4500007629395,"yes","yes","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"high","other" +"male","other",65.4100036621094,"yes","yes","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",51.560001373291,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"high","other" +"male","other",56.2400016784668,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.6199989318848,"no","yes","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","afam",57.9000015258789,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"male","afam",50.5299987792969,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",54.6399993896484,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","afam",52.7999992370605,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","afam",44.7400016784668,"yes","yes","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",60,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","other",36.7900009155273,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",41.5900001525879,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",46.5299987792969,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",44.1500015258789,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",38.7900009155273,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",58.9500007629395,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.3300018310547,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.3399963378906,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.9599990844727,"yes","yes","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"high","other" +"female","other",59.6300010681152,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",40.4900016784668,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",57.9799995422363,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"high","other" +"female","other",44.1100006103516,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",47.439998626709,"no","no","no","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","afam",54.939998626709,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","afam",45.3400001525879,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",36.189998626709,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",55.8499984741211,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",43.1599998474121,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",34.2000007629395,"no","yes","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",39.1500015258789,"yes","yes","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",47.439998626709,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",56.5200004577637,"yes","yes","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","afam",45.939998626709,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",55.4799995422363,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",41.6800003051758,"yes","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","afam",49.5099983215332,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",57.5699996948242,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",59.5499992370605,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",49.4700012207031,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",60.2400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.6300010681152,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.6300010681152,"yes","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","afam",36.0200004577637,"no","no","no","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",67.5199966430664,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.1199989318848,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.5299987792969,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.9199981689453,"no","yes","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"high","other" +"female","other",48.5400009155273,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.3400001525879,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",49.8899993896484,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",48.8300018310547,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"male","other",42.6500015258789,"no","no","no","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.4900016784668,"no","no","no","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"male","other",46.6599998474121,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.4700012207031,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"high","other" +"male","hispanic",38.4300003051758,"yes","yes","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.8699989318848,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",40.7700004577637,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.6699981689453,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.560001373291,"no","no","no","no",3.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"female","other",61.7599983215332,"yes","no","yes","no",3.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"male","afam",47.3899993896484,"no","yes","yes","no",3.40000009536743,7.53999996185303,0.818710029125214,"low","other" +"female","other",49.5900001525879,"no","no","yes","no",3.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"male","afam",43.7999992370605,"no","no","yes","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",41.810001373291,"no","no","yes","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"male","other",55.9000015258789,"no","no","no","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",43,"no","no","no","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"female","other",45.8499984741211,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.0900001525879,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"male","other",50.6800003051758,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","other",61.2299995422363,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","other",43.8699989318848,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",54.4000015258789,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","other",43.2299995422363,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","other",36.1599998474121,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","other",59.6399993896484,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","other",37.9799995422363,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",34.6399993896484,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","other",62.2299995422363,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",52.5900001525879,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",34.5299987792969,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",42.4300003051758,"yes","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",61.7700004577637,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",48.4599990844727,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",61.060001373291,"yes","yes","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",43.1599998474121,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",47.3300018310547,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","hispanic",47.5499992370605,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",55.9300003051758,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",39.3199996948242,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",59.4799995422363,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","other",43.5400009155273,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",54.3300018310547,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.25,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",37.9099998474121,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","other",46.7700004577637,"no","yes","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.5699996948242,"no","yes","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",64.0100021362305,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","hispanic",40.4799995422363,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",58.189998626709,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",52.9799995422363,"yes","yes","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",48.8199996948242,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",52.560001373291,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","afam",55.1100006103516,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",42.5699996948242,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",51.4900016784668,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",54.3800010681152,"yes","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",43.7000007629395,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",63.9500007629395,"no","no","no","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",53.3400001525879,"yes","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"high","other" +"male","other",51.3600006103516,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",53.6699981689453,"no","no","no","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",36.2599983215332,"no","yes","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",46.939998626709,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",48.6100006103516,"no","no","no","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",56.3899993896484,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",49.810001373291,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",62.3899993896484,"yes","yes","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"male","other",60.4000015258789,"no","no","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"male","other",61.7200012207031,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","other",53.7200012207031,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"male","hispanic",49.3800010681152,"no","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","afam",57.0999984741211,"yes","yes","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","other",50.060001373291,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","other",59.7599983215332,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"male","other",53.1599998474121,"yes","yes","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"female","other",38.9000015258789,"no","no","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"female","other",52.3199996948242,"no","yes","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"male","other",52.6100006103516,"yes","yes","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"female","other",63.7599983215332,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","other",64.8199996948242,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","other",48.75,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","other",57.0200004577637,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","other",53.0200004577637,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",55.939998626709,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",58.5900001525879,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",66.370002746582,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",52.810001373291,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",46.8499984741211,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",59.810001373291,"yes","no","no","no",4,7.53999996185303,0.818710029125214,"high","other" +"male","other",45.25,"yes","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",32.0999984741211,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",52.5299987792969,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",56.8199996948242,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","afam",58.2200012207031,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",55.7799987792969,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","other",47.3499984741211,"no","yes","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"female","other",59.9900016784668,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","afam",55.8499984741211,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",62.4300003051758,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",58.7299995422363,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",62.7200012207031,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",55.810001373291,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"low","other" +"female","hispanic",54.0699996948242,"yes","yes","no","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","afam",40.25,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",59.0200004577637,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",41.7400016784668,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",45.8600006103516,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",67.75,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","other",49.7299995422363,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",44.4599990844727,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",45.2000007629395,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",41.5200004577637,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",64.75,"no","no","yes","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","afam",41.9599990844727,"no","no","no","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",44.2400016784668,"no","no","no","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",54.0299987792969,"no","no","yes","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",44.7799987792969,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",43.2299995422363,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",51.5699996948242,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",40.8199996948242,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",33.9500007629395,"no","no","yes","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","afam",37.25,"no","no","no","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",43.6800003051758,"no","no","yes","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.3699989318848,"yes","no","yes","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",50.1500015258789,"no","no","no","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",51.6599998474121,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",50.1699981689453,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",49.5200004577637,"no","no","no","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",68.9599990844727,"no","no","no","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",61.3800010681152,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",56.3400001525879,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",38.75,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",61.3199996948242,"no","no","no","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",50.6699981689453,"no","no","no","no",4.5,7.32999992370605,0.655889987945557,"high","other" +"female","other",44.1399993896484,"no","yes","no","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",46.0900001525879,"no","no","yes","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"male","other",59.560001373291,"no","no","yes","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",45.5200004577637,"no","yes","yes","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"male","afam",54.0299987792969,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",50.310001373291,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",35.7700004577637,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",55.1199989318848,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",44.5699996948242,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",58.0499992370605,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",38.810001373291,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",34.2400016784668,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",38.560001373291,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",42.5800018310547,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","hispanic",40.1800003051758,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",64.9300003051758,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",47.3199996948242,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",55.2000007629395,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","other",40.9000015258789,"no","no","no","no",6.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",65.5100021362305,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",59.8600006103516,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",38.1599998474121,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","other",41.810001373291,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"high","other" +"female","other",44.7099990844727,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"high","other" +"female","other",45.3800010681152,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",32.1399993896484,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"male","hispanic",37.8899993896484,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",59.4000015258789,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",55.3800010681152,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",41.8899993896484,"no","no","no","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",36.0999984741211,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",67.1900024414062,"yes","yes","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","afam",40.3499984741211,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",53.7700004577637,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",62.9700012207031,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",57.2599983215332,"no","yes","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",47.5699996948242,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",48.1199989318848,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"male","other",57.4000015258789,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"male","other",55.6699981689453,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",53.7599983215332,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",46.5699996948242,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"male","other",58.4300003051758,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","hispanic",45.0400009155273,"no","no","no","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",54.75,"no","no","no","no",15.6999998092651,10.1499996185303,0.434179991483688,"high","other" +"male","hispanic",47.9000015258789,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"male","other",45.560001373291,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",51.9000015258789,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",36.25,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.5200004577637,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",43.810001373291,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"male","other",40.1300010681152,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",36.5499992370605,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",51.8199996948242,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",55.75,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",45.5,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",43.6699981689453,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",61.310001373291,"no","no","no","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","afam",38.5299987792969,"yes","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"high","other" +"female","afam",55.4799995422363,"no","yes","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","other",44.0800018310547,"no","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","afam",46.9900016784668,"yes","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","other",55.3699989318848,"yes","yes","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"high","other" +"female","other",58.4300003051758,"yes","yes","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","afam",49.689998626709,"no","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","afam",47.9000015258789,"no","no","no","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","afam",35.6800003051758,"no","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","other",63.7599983215332,"yes","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",49.75,"no","no","no","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",66.1900024414062,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",45.5900001525879,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",41.7700004577637,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"high","other" +"female","afam",46.1699981689453,"yes","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",38.9799995422363,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","afam",40.6300010681152,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",54.689998626709,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",56.1399993896484,"no","no","no","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",50.0800018310547,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","afam",51.310001373291,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",39.3300018310547,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",56.5,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",41.1699981689453,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","afam",47.3699989318848,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",58.4799995422363,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",52.6399993896484,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",33.8800010681152,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","afam",51.6300010681152,"no","no","yes","no",8.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",39.7799987792969,"no","no","yes","no",8.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",43.2799987792969,"yes","yes","yes","no",8.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",36.8499984741211,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",48.1199989318848,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",45.4599990844727,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",38.6500015258789,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","hispanic",49.75,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",56.3899993896484,"no","yes","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",41.4700012207031,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",56.560001373291,"yes","yes","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","afam",45.1599998474121,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",35.1100006103516,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",40.2599983215332,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",36.6699981689453,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",52.6699981689453,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",58.0499992370605,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"high","other" +"male","other",56.9000015258789,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"low","other" +"female","afam",44.4300003051758,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"low","other" +"male","afam",39.6800003051758,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"high","other" +"female","other",58.6300010681152,"yes","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"high","other" +"female","other",40.4599990844727,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"low","other" +"female","other",53.0299987792969,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"high","other" +"female","other",55.6599998474121,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.5099983215332,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",56.4599990844727,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",37.9599990844727,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"high","other" +"male","afam",57.2900009155273,"no","yes","yes","no",8,7.53999996185303,0.818710029125214,"high","other" +"female","other",44.9599990844727,"yes","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.5699996948242,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",64.2200012207031,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",50.9099998474121,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.4700012207031,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"male","other",67.0599975585938,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"female","other",43.1199989318848,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"female","other",55.3600006103516,"yes","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"high","other" +"female","afam",48.1500015258789,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.8899993896484,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.25,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",47,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",40.2099990844727,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",44.189998626709,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",47.810001373291,"yes","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",54.4099998474121,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"high","other" +"male","afam",43.3899993896484,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","afam",38.8899993896484,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",43.2599983215332,"yes","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.1500015258789,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",42.2000007629395,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",48.1199989318848,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",38.1699981689453,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",41.439998626709,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"female","afam",41.5999984741211,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",30.7800006866455,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",48.5200004577637,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",31.1200008392334,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","afam",35.1500015258789,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",40.310001373291,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",53.8699989318848,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",51.0299987792969,"no","yes","no","no",4,9.68000030517578,1.09353005886078,"high","other" +"male","afam",46.7200012207031,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",59.6699981689453,"yes","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",56.1599998474121,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"low","other" +"female","afam",49.9300003051758,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"male","other",53.5,"no","yes","yes","no",4,9.68000030517578,1.09353005886078,"low","other" +"male","other",58.5999984741211,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",51.7099990844727,"yes","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","afam",35.3499984741211,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","other",44.6399993896484,"yes","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"male","afam",49.8699989318848,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"male","hispanic",36.3400001525879,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","other",51.9199981689453,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"high","other" +"male","afam",50.8499984741211,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","afam",45.5099983215332,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"high","other" +"male","afam",43,"yes","no","no","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","afam",35.0699996948242,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"male","afam",50.4300003051758,"no","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","afam",59.7200012207031,"no","no","no","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",43.060001373291,"no","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",67.120002746582,"yes","yes","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",43.3300018310547,"yes","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",65.4899978637695,"no","no","no","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",56.9500007629395,"no","yes","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"high","other" +"male","afam",51.6399993896484,"no","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",64.9599990844727,"yes","yes","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",53.4799995422363,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",51.3300018310547,"no","no","yes","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",41.0900001525879,"no","no","yes","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",36.7900009155273,"no","no","yes","no",9.19999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","afam",36.2400016784668,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",37.689998626709,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",56.7999992370605,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","afam",39.5200004577637,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",37.7000007629395,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",39.5099983215332,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.3600006103516,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",46.1599998474121,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"high","other" +"female","afam",38.2400016784668,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.4300003051758,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",36.6199989318848,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",41.2900009155273,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"male","afam",41.2099990844727,"no","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",38.5299987792969,"yes","yes","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",45.6699981689453,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",56.9799995422363,"no","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",50.5299987792969,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",40.2700004577637,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",48.0499992370605,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",53.4199981689453,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",55.3499984741211,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",46.3899993896484,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",42.7400016784668,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",55.7999992370605,"no","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",47.4199981689453,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"male","afam",57.9599990844727,"yes","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"female","other",59.4199981689453,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"male","other",53.5400009155273,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"male","hispanic",52.6399993896484,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"female","afam",42.7299995422363,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"male","other",56.2000007629395,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"female","afam",49.9700012207031,"no","yes","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",49.060001373291,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",59.2599983215332,"no","yes","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","other",41.4700012207031,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",58.0299987792969,"no","yes","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"female","afam",52.5400009155273,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",66.3499984741211,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",48.5699996948242,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","afam",51.6800003051758,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",52.9599990844727,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"male","afam",40.060001373291,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"high","other" +"female","other",42.75,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"high","other" +"male","afam",58.5,"yes","yes","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",46.310001373291,"yes","no","no","yes",4.59999990463257,7.17999982833862,1.16513001918793,"high","other" +"female","afam",44.0200004577637,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"male","afam",46.8499984741211,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",45.0699996948242,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",58.7099990844727,"no","no","yes","no",7.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","other",66.4499969482422,"yes","no","no","no",7.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.1500015258789,"no","no","yes","no",7.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","other",52.7900009155273,"yes","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","afam",31.6000003814697,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","afam",41.9900016784668,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",39.9700012207031,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",39.9799995422363,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",46.0999984741211,"no","yes","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"male","other",66.5899963378906,"no","yes","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.3499984741211,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"high","other" +"male","afam",32.3400001525879,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",38.6500015258789,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",50.3499984741211,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",37.3499984741211,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.1699981689453,"no","yes","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",43.7400016784668,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"high","other" +"male","other",44.5800018310547,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",37.9900016784668,"yes","yes","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","other",51.7900009155273,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",46.3499984741211,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",40.7700004577637,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","other",38.9700012207031,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","other",50.8300018310547,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"high","other" +"female","afam",39.6300010681152,"no","no","no","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","other",48.2599983215332,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","hispanic",34.6800003051758,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","other",40.7700004577637,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"high","other" +"male","afam",50.4500007629395,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","afam",38.75,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","afam",31.6800003051758,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",39.0400009155273,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",46.0699996948242,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",40.8899993896484,"yes","no","no","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",59.5999984741211,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",43.4700012207031,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"high","other" +"male","other",55.5,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",37.0900001525879,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",59.4799995422363,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",35.4000015258789,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",39.5499992370605,"no","no","yes","no",4,7.32999992370605,0.655889987945557,"low","other" +"male","other",66.1800003051758,"yes","no","yes","no",4,7.32999992370605,0.655889987945557,"low","other" +"female","afam",39.6199989318848,"no","no","no","no",4,7.32999992370605,0.655889987945557,"low","other" +"female","afam",37.2400016784668,"no","no","yes","no",4,7.32999992370605,0.655889987945557,"low","other" +"male","afam",51.25,"no","yes","yes","no",4,7.32999992370605,0.655889987945557,"high","other" +"female","afam",35.7700004577637,"no","no","no","no",4,7.32999992370605,0.655889987945557,"low","other" +"male","other",46.7700004577637,"yes","yes","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"high","other" +"female","other",54.8600006103516,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"male","other",52.3400001525879,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"female","other",40.4000015258789,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"female","other",56.5,"yes","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"male","other",45.2299995422363,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"high","other" +"male","other",53.0200004577637,"yes","no","no","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"female","other",60.7599983215332,"no","yes","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"high","other" +"female","other",39.0299987792969,"no","no","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",62.2000007629395,"no","no","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","hispanic",39.8300018310547,"no","yes","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"high","other" +"female","other",46,"no","no","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",37.6800003051758,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",42.1100006103516,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","other",56.7700004577637,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.939998626709,"yes","yes","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",55.0800018310547,"no","no","no","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","afam",52.4900016784668,"yes","no","yes","yes",5,7.53999996185303,0.818710029125214,"high","other" +"female","other",42.8899993896484,"no","yes","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","afam",39.560001373291,"no","no","no","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","other",52.8300018310547,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"high","other" +"female","afam",41.310001373291,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",43.5999984741211,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.3899993896484,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.2299995422363,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",34.0200004577637,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.9000015258789,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",58.8800010681152,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",38.2700004577637,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","hispanic",37.2200012207031,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",42.439998626709,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","other",59.8600006103516,"no","no","yes","no",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","afam",37.9099998474121,"no","no","no","no",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",48.6500015258789,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"male","other",54.2900009155273,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",48.189998626709,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",59.5299987792969,"yes","no","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"female","other",52.5099983215332,"yes","yes","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",51.2900009155273,"yes","yes","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",62.0400009155273,"yes","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",41.060001373291,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",45.2599983215332,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",68.8099975585938,"yes","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",60.1399993896484,"yes","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"high","other" +"male","hispanic",41.2200012207031,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",51.0200004577637,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","afam",45.3800010681152,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",33.0699996948242,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.9700012207031,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"male","other",44.560001373291,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"female","other",33.8400001525879,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"male","other",47.9500007629395,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"female","afam",41.1300010681152,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"male","other",53.4900016784668,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",58.9700012207031,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","afam",41.8499984741211,"no","no","no","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","hispanic",38.1599998474121,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",54.7700004577637,"yes","yes","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","other",65.8600006103516,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",49.9900016784668,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",62.6800003051758,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","other",50.7799987792969,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.2900009155273,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",52.75,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",47.75,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",49.189998626709,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",35.1500015258789,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",41.2200012207031,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",44.9900016784668,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"high","other" +"male","afam",36.9199981689453,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",40.5299987792969,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",35.9799995422363,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",59.1199989318848,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","hispanic",37.0699996948242,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",49.4799995422363,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",52.0099983215332,"yes","no","yes","no",6.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",43.9500007629395,"yes","no","no","no",6.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","other",49.8300018310547,"yes","no","yes","no",6.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","other",55.2799987792969,"no","no","no","no",6.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",48.9900016784668,"no","no","yes","no",6.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.9799995422363,"no","no","yes","no",6.5,7.32999992370605,0.655889987945557,"low","other" +"male","other",44.6599998474121,"no","yes","yes","no",6.5,7.32999992370605,0.655889987945557,"low","other" +"male","hispanic",46.2799987792969,"no","no","yes","no",6.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",45.7999992370605,"yes","no","yes","no",6.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"female","other",43.4199981689453,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",56.0999984741211,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",46.1800003051758,"no","no","no","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",48.5900001525879,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",69.379997253418,"yes","yes","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","afam",37.6100006103516,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",64.5400009155273,"yes","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","afam",43.939998626709,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",62.5099983215332,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",49.8400001525879,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",49.7400016784668,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",40.4199981689453,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.9099998474121,"no","no","no","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",44.0299987792969,"no","yes","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.7999992370605,"no","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",61.6100006103516,"yes","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",44.6699981689453,"no","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",65.0500030517578,"yes","no","no","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",51.9199981689453,"yes","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",55.5299987792969,"no","no","no","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",60.9300003051758,"yes","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",43.5400009155273,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","afam",37.1699981689453,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","other",45.4000015258789,"yes","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"high","other" +"female","other",41.7999992370605,"no","no","no","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","afam",40.1300010681152,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"high","other" +"female","other",51.9799995422363,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"high","other" +"male","other",51.9900016784668,"yes","no","no","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","other",52.2599983215332,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",49.8800010681152,"yes","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"male","afam",41.8699989318848,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","afam",38.4300003051758,"no","no","no","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",37.9099998474121,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",54.310001373291,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",36.2299995422363,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",61.3699989318848,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",42.3499984741211,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",51.7200012207031,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",42.3499984741211,"yes","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",46.1300010681152,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.0999984741211,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",45.9000015258789,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",54.3699989318848,"yes","yes","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","afam",39.8899993896484,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",47.7599983215332,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",50.0099983215332,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",44.1699981689453,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",54.5,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",63.0900001525879,"yes","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"male","other",60.8600006103516,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",56.5099983215332,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"male","other",52.7299995422363,"yes","yes","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",46.2799987792969,"no","no","no","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",54.2099990844727,"no","no","no","yes",5.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","other",65.9499969482422,"yes","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",40.7799987792969,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",64.6900024414062,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",47.4500007629395,"no","no","no","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",39.9000015258789,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",50.8400001525879,"no","yes","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",62.8600006103516,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","other",56.8499984741211,"no","no","no","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",44.939998626709,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",34.2900009155273,"no","no","no","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","afam",37.1399993896484,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"male","afam",36.2400016784668,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",48.9500007629395,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",63.9700012207031,"yes","yes","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"male","other",59.4500007629395,"no","no","no","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",39.0200004577637,"yes","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","afam",53.1399993896484,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",36.7599983215332,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",38.0099983215332,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.310001373291,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"female","afam",50.0200004577637,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",39.0400009155273,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",46.6100006103516,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",60.2200012207031,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",53.1399993896484,"no","no","yes","no",9.30000019073486,7.40000009536743,0.883369982242584,"low","other" +"female","other",52.5,"no","no","yes","no",9.30000019073486,7.40000009536743,0.883369982242584,"low","other" +"male","other",53.9900016784668,"yes","yes","yes","no",5.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",53.7200012207031,"yes","yes","yes","no",5.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",61.1500015258789,"no","yes","yes","no",5.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","hispanic",36.4300003051758,"no","no","no","no",5.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.5200004577637,"no","no","no","no",5.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",52.060001373291,"no","no","yes","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",43.5900001525879,"yes","no","yes","no",5.5,7.40000009536743,0.883369982242584,"high","other" +"male","other",55.0999984741211,"no","no","no","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",49.6800003051758,"no","no","yes","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",48.2799987792969,"yes","yes","yes","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",59.0099983215332,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"high","other" +"male","other",58.0800018310547,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","hispanic",56.7200012207031,"yes","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"high","other" +"female","other",44.2799987792969,"yes","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",38.6500015258789,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",55.9900016784668,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",48.6599998474121,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","afam",55.2799987792969,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",42.3800010681152,"no","no","no","no",6.40000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",38.5999984741211,"no","no","no","no",6.40000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",61.2400016784668,"no","no","yes","no",6.40000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",43.7200012207031,"yes","yes","no","no",6.40000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","other",49.1199989318848,"no","no","yes","no",6.40000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","other",52.6500015258789,"yes","yes","no","no",3.70000004768372,7.40000009536743,0.883369982242584,"high","other" +"female","other",42.1199989318848,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"high","other" +"female","other",45.6800003051758,"yes","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"high","other" +"male","other",55.1599998474121,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"female","other",52.6199989318848,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"female","other",57.7000007629395,"no","no","no","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"male","other",35.7900009155273,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"female","afam",39.4099998474121,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","other",49.1399993896484,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",64.629997253418,"yes","yes","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","hispanic",43.560001373291,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","other",37.7200012207031,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",48.560001373291,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","other",36.9300003051758,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",49.5800018310547,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",56.0800018310547,"yes","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",58.2400016784668,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",51.2900009155273,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",55.0400009155273,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","other",54.8699989318848,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",61.0900001525879,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","other",58.2299995422363,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"male","other",34.1500015258789,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"high","other" +"female","other",51.5,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"low","other" +"female","other",38.8300018310547,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"high","other" +"male","other",46.9300003051758,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"low","other" +"male","other",59.2000007629395,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"low","other" +"male","afam",38.2000007629395,"no","yes","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"male","other",46.9199981689453,"yes","yes","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"high","other" +"male","other",54.2299995422363,"no","no","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"high","other" +"female","hispanic",38.3499984741211,"no","no","no","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"female","other",63.5699996948242,"no","no","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"male","afam",36.6399993896484,"no","no","no","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"female","afam",37.8199996948242,"no","no","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"female","other",59.3699989318848,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",59.5900001525879,"no","no","no","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",54.0400009155273,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",39.4700012207031,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"high","other" +"male","other",57.6399993896484,"yes","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",63.75,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",59.2700004577637,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"female","afam",39.8499984741211,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"male","other",52.0099983215332,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"high","other" +"female","other",51.189998626709,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"high","other" +"male","other",52.8199996948242,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"female","afam",46.25,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"male","other",66.4700012207031,"yes","yes","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.1699981689453,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"male","other",34.3300018310547,"yes","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"male","other",44.7999992370605,"no","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",40.2200012207031,"no","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",49.8300018310547,"no","yes","yes","no",8.5,8.26000022888184,0.615469992160797,"high","other" +"male","other",52.4500007629395,"no","yes","yes","no",8.5,8.26000022888184,0.615469992160797,"high","other" +"female","other",61.810001373291,"no","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",48.3300018310547,"yes","yes","no","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",59.4199981689453,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",46.1100006103516,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",34.4199981689453,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",67,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",50.3499984741211,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",58.9199981689453,"no","no","no","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",62.9500007629395,"no","yes","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",40.4900016784668,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","afam",41.2000007629395,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","afam",44.3300018310547,"no","no","no","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","other",44.9000015258789,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"high","other" +"female","afam",46.7200012207031,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"male","afam",36.560001373291,"yes","no","no","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"male","other",45.5900001525879,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","afam",35.3300018310547,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.7200012207031,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","other",56.9700012207031,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","hispanic",44.0999984741211,"yes","no","no","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",33.5999984741211,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",37.2799987792969,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","afam",41.0699996948242,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",49.0099983215332,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",42.8400001525879,"no","no","no","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",39.6699981689453,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"high","other" +"female","other",47.7400016784668,"yes","no","yes","no",9.5,7.40000009536743,0.883369982242584,"high","other" +"female","other",53.1699981689453,"no","no","yes","no",9.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",47.9099998474121,"no","yes","yes","no",9.5,7.40000009536743,0.883369982242584,"high","other" +"male","other",60.8899993896484,"yes","no","yes","no",9.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",62.1399993896484,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",57.9799995422363,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",47.6300010681152,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",53.9199981689453,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","afam",47.3199996948242,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",54.2400016784668,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"female","other",48.9700012207031,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"female","other",52.1300010681152,"no","yes","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"male","other",49.439998626709,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"female","other",66.0199966430664,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"male","other",49.689998626709,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"high","other" +"male","other",51.7099990844727,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",37.310001373291,"yes","yes","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",47.7799987792969,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",55.9900016784668,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",33.7900009155273,"no","no","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",59.4500007629395,"no","no","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",60.4599990844727,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",45.439998626709,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",58.189998626709,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",58.4599990844727,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",53.0900001525879,"no","no","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","afam",47.8899993896484,"no","no","no","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",57.939998626709,"no","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"female","other",52.4199981689453,"yes","yes","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",63.4300003051758,"yes","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"high","other" +"male","afam",48.25,"no","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",45.2200012207031,"no","no","no","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"female","afam",38.4300003051758,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",53.0400009155273,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",37.9099998474121,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",50.7099990844727,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",56.1399993896484,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",43.5999984741211,"no","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","afam",53.1699981689453,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",40.7599983215332,"yes","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",33.9799995422363,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",40.3800010681152,"no","yes","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",37.75,"no","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",45.4000015258789,"no","no","no","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","afam",51.7299995422363,"no","yes","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","afam",52.8300018310547,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","other",42.5,"yes","yes","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","afam",34.2799987792969,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",51.810001373291,"yes","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","afam",32.189998626709,"no","no","no","no",8.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.0400009155273,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"female","afam",35.2599983215332,"no","no","no","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",44.0499992370605,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","hispanic",56.9799995422363,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",51.9300003051758,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.439998626709,"no","no","no","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"male","other",49.310001373291,"yes","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"female","other",59.8600006103516,"yes","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"male","other",39.0200004577637,"yes","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","other",41.6599998474121,"no","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","afam",38.3600006103516,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",36.8899993896484,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",61.8400001525879,"yes","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","other",45.9900016784668,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","other",44.8499984741211,"no","no","yes","no",5.80000019073486,7.40000009536743,0.883369982242584,"high","other" +"female","other",46.0900001525879,"no","no","yes","no",5.80000019073486,7.40000009536743,0.883369982242584,"high","other" +"male","afam",42.1699981689453,"no","no","yes","no",5.80000019073486,7.40000009536743,0.883369982242584,"high","other" +"female","other",39.8899993896484,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"male","hispanic",37.2299995422363,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","afam",34.7099990844727,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","other",38.5800018310547,"yes","yes","yes","no",9,7.48999977111816,0.804849982261658,"high","other" +"male","other",40.939998626709,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"high","other" +"female","other",52.5099983215332,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.439998626709,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","other",38.5299987792969,"no","no","no","no",9,7.48999977111816,0.804849982261658,"low","other" +"male","afam",49.8300018310547,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",38.2400016784668,"no","no","no","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","other",46.7000007629395,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","hispanic",53.9799995422363,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",40.4799995422363,"no","no","no","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",37.5699996948242,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","afam",34.7000007629395,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",44.0800018310547,"no","no","yes","no",8,7.40000009536743,0.883369982242584,"low","other" +"male","afam",36.5900001525879,"no","no","no","no",8,7.40000009536743,0.883369982242584,"low","other" +"female","afam",40.4900016784668,"no","no","no","no",8,7.40000009536743,0.883369982242584,"low","other" +"male","afam",39.1500015258789,"no","no","no","no",8,7.40000009536743,0.883369982242584,"low","other" +"male","other",45.2999992370605,"no","no","yes","no",8,7.40000009536743,0.883369982242584,"low","other" +"female","other",52.9900016784668,"yes","no","yes","no",8,7.40000009536743,0.883369982242584,"low","other" +"female","afam",35.2299995422363,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"male","other",55.1699981689453,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",39.9500007629395,"no","no","no","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",44.6199989318848,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.9900016784668,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",32.7200012207031,"no","no","no","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","other",55.0200004577637,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",36.5400009155273,"no","no","no","no",5.90000009536743,7.40000009536743,0.883369982242584,"low","other" +"female","afam",37.4199981689453,"no","yes","yes","no",5.90000009536743,7.40000009536743,0.883369982242584,"low","other" +"male","afam",54.4000015258789,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"male","afam",45.9300003051758,"no","no","no","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","afam",45.0200004577637,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"female","afam",44.5900001525879,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",44.6800003051758,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"male","afam",40.4300003051758,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",39.8300018310547,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",47.310001373291,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",44.3899993896484,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",39.8699989318848,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",40.6800003051758,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"male","other",57.9599990844727,"no","no","yes","no",12.5,9.06999969482422,0.669749975204468,"low","other" +"male","other",34.8600006103516,"no","no","no","no",12.5,9.06999969482422,0.669749975204468,"low","other" +"female","other",53.5099983215332,"no","no","no","no",12.5,9.06999969482422,0.669749975204468,"low","other" +"male","other",36.5299987792969,"yes","yes","yes","no",12.5,9.06999969482422,0.669749975204468,"high","other" +"female","other",44.9500007629395,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"high","other" +"female","other",47.5200004577637,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"male","other",63.7099990844727,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"male","other",33.4000015258789,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"female","other",51.6599998474121,"no","no","no","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"male","other",43.560001373291,"yes","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","other",60.2400016784668,"no","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"male","afam",46.1399993896484,"no","no","yes","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","afam",36.2900009155273,"no","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"male","other",48.6199989318848,"no","no","yes","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","other",64.7900009155273,"yes","yes","yes","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","other",54.9199981689453,"no","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"male","other",40.2999992370605,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"male","other",43.8899993896484,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"male","other",57.9199981689453,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"male","other",34.1699981689453,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.9599990844727,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"female","afam",42.9199981689453,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",34.6599998474121,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",48.6300010681152,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",36.9700012207031,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","hispanic",42.6599998474121,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",43.2000007629395,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","hispanic",34.8300018310547,"no","no","yes","no",11.1999998092651,9.06999969482422,0.669749975204468,"low","other" +"female","other",43.3800010681152,"no","no","yes","no",11.1999998092651,9.06999969482422,0.669749975204468,"low","other" +"male","other",47.0099983215332,"no","no","yes","no",11.1999998092651,9.06999969482422,0.669749975204468,"low","other" +"female","other",40.4000015258789,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",43.560001373291,"yes","yes","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",49.189998626709,"yes","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",36.4000015258789,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",34.4700012207031,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",60.6300010681152,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","other",54.6399993896484,"yes","no","no","no",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","other",43.8800010681152,"no","no","yes","no",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","other",50.1500015258789,"no","no","yes","no",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",53.939998626709,"no","yes","no","no",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","other",54.4300003051758,"no","yes","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",57,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",42.5099983215332,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",59.6599998474121,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"male","other",31.0499992370605,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"high","other" +"female","other",38.7400016784668,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"male","other",53.4599990844727,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",46.5,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"low","other" +"female","other",47.3499984741211,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",46.9599990844727,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"high","other" +"female","afam",55.8199996948242,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"male","afam",38.060001373291,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"female","other",57.1199989318848,"no","no","yes","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"male","hispanic",62.9199981689453,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"female","other",59.2799987792969,"no","no","yes","no",6.30000019073486,9.89999961853027,0.673210024833679,"high","other" +"female","afam",52.939998626709,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"male","other",44.7900009155273,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"high","other" +"female","other",56.8600006103516,"yes","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","afam",57.6599998474121,"no","yes","no","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","afam",43.0699996948242,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",58.6699981689453,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",53.9900016784668,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","other",65.9499969482422,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",56.1100006103516,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","hispanic",45.2099990844727,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","other",60.9500007629395,"no","no","no","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","afam",34.2400016784668,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","afam",43,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","afam",45.1100006103516,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","other",53.4700012207031,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"male","other",39.75,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",37.6500015258789,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","afam",60.0099983215332,"yes","yes","yes","no",8.5,9.89999961853027,0.673210024833679,"high","other" +"female","afam",42.6399993896484,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",39.3300018310547,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",35.4300003051758,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","hispanic",34.3199996948242,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",44.1599998474121,"no","no","no","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"male","afam",32.6500015258789,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"male","afam",35.7400016784668,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",41.0099983215332,"no","no","yes","no",8.39999961853027,10.0299997329712,0.524249970912933,"low","other" +"male","other",47.2599983215332,"no","no","yes","no",8.39999961853027,10.0299997329712,0.524249970912933,"low","other" +"female","other",46.1300010681152,"no","no","yes","no",8.39999961853027,10.0299997329712,0.524249970912933,"high","other" +"male","afam",36.5400009155273,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"female","hispanic",36.9099998474121,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"female","other",44.6199989318848,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"male","other",60.5999984741211,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"female","other",42.0299987792969,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"male","other",54.4300003051758,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"male","other",44.2400016784668,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.5,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"female","other",46.3199996948242,"yes","yes","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.0699996948242,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"male","other",50.25,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",40.3800010681152,"yes","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","afam",43.1800003051758,"no","yes","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",41.1399993896484,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","other",52.5800018310547,"no","no","no","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","other",59.4000015258789,"yes","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"high","other" +"female","other",46.5499992370605,"no","no","no","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",43.9300003051758,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",39.8600006103516,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",50.9700012207031,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","other",49.9300003051758,"no","no","yes","no",7.09999990463257,6.59000015258789,0.692840039730072,"low","other" +"female","other",38.4900016784668,"no","no","yes","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",43.9799995422363,"no","no","no","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",50.3199996948242,"yes","yes","no","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",42.7400016784668,"no","no","yes","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",44.0200004577637,"no","no","no","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",40.5299987792969,"no","no","yes","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",45.1300010681152,"no","no","no","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","afam",35.9599990844727,"no","no","no","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",50.4300003051758,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","afam",33.0200004577637,"no","no","no","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","afam",35.7000007629395,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","other",36.810001373291,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","afam",41.1599998474121,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","other",44.5099983215332,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",52.5099983215332,"yes","no","yes","no",4.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",41.689998626709,"no","no","yes","no",4.5,10.0299997329712,0.524249970912933,"high","other" +"female","other",42.6800003051758,"no","no","no","no",4.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",41.0099983215332,"yes","yes","yes","no",4.5,10.0299997329712,0.524249970912933,"high","other" +"female","other",57.439998626709,"no","no","yes","no",4.5,10.0299997329712,0.524249970912933,"high","other" +"female","other",60.5099983215332,"no","no","no","no",4.5,10.0299997329712,0.524249970912933,"low","other" +"female","other",52.0099983215332,"no","no","yes","no",6.30000019073486,6.59000015258789,0.692840039730072,"low","other" +"female","afam",35.2700004577637,"no","no","yes","no",6.30000019073486,6.59000015258789,0.692840039730072,"low","other" +"male","afam",40.3699989318848,"no","no","yes","no",6.30000019073486,6.59000015258789,0.692840039730072,"low","other" +"female","other",50.3300018310547,"no","no","yes","no",9.89999961853027,6.59000015258789,0.692840039730072,"low","other" +"female","afam",45.8800010681152,"no","no","yes","no",9.89999961853027,6.59000015258789,0.692840039730072,"low","other" +"male","other",32.439998626709,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"high","other" +"male","other",51.1300010681152,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",47.1300010681152,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",51.4700012207031,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"high","other" +"male","other",47.560001373291,"no","no","yes","yes",6,10.0299997329712,0.524249970912933,"low","other" +"female","afam",56.4599990844727,"no","no","yes","yes",6,10.0299997329712,0.524249970912933,"low","other" +"male","afam",50.5999984741211,"no","no","no","yes",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",66.3099975585938,"yes","yes","yes","yes",6,10.0299997329712,0.524249970912933,"high","other" +"female","afam",55.3199996948242,"no","no","yes","yes",6,10.0299997329712,0.524249970912933,"high","other" +"female","afam",54.6500015258789,"yes","yes","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",44.6100006103516,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",48.8499984741211,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",40.4000015258789,"no","no","no","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",37.0499992370605,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","other",44.9500007629395,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",40.1500015258789,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",54.189998626709,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","other",56.2000007629395,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",31.7000007629395,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",39.4099998474121,"no","no","no","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",48.6100006103516,"no","no","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","hispanic",38.6100006103516,"no","yes","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",40.4500007629395,"no","no","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"high","other" +"female","other",41.2099990844727,"no","no","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",39.2599983215332,"yes","yes","no","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.3600006103516,"no","no","no","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",33.810001373291,"no","no","yes","no",7.09999990463257,6.59000015258789,0.692840039730072,"low","other" +"male","afam",28.9500007629395,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"high","other" +"female","other",56.1500015258789,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"male","other",57,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"male","other",46.0200004577637,"yes","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"male","other",55.9000015258789,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"female","afam",37.0699996948242,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"male","other",46.9199981689453,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",30.9099998474121,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",42.3800010681152,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",45.4599990844727,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",44.8899993896484,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"male","other",44.2299995422363,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"high","other" +"female","afam",35.7900009155273,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"high","other" +"female","afam",39.8899993896484,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","other",43.3199996948242,"yes","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",49.060001373291,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",38.1699981689453,"no","no","no","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","other",46.8699989318848,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","afam",49.0699996948242,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",39.4799995422363,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","afam",42.2999992370605,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","other",47.9599990844727,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","afam",48.4500007629395,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","hispanic",47.6599998474121,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",61.1699981689453,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",51.5299987792969,"yes","yes","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",41.9900016784668,"no","yes","no","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",65.1699981689453,"yes","yes","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","afam",53.1399993896484,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",39.939998626709,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.3800010681152,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",57.0499992370605,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",57.189998626709,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",37.1699981689453,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"male","other",45.810001373291,"yes","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","other",40.5699996948242,"no","no","no","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.9700012207031,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","other",57.2999992370605,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",41.2000007629395,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.5800018310547,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",59.5,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",40.560001373291,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.060001373291,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.8600006103516,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",64.1800003051758,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5499992370605,"yes","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",60.4099998474121,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",51.6699981689453,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.8199996948242,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",62.2700004577637,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.4500007629395,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",49.189998626709,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",59.3699989318848,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"male","other",43.7900009155273,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",38.0400009155273,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",53.6500015258789,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",57.810001373291,"yes","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"male","other",48.7200012207031,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",50.5900001525879,"yes","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",59.2700004577637,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.1800003051758,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",56.439998626709,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.4799995422363,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.9900016784668,"no","no","no","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",49.6500015258789,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",45.5299987792969,"no","no","no","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",52.2400016784668,"yes","yes","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",41.0299987792969,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",52.7000007629395,"yes","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",64.4499969482422,"yes","yes","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",39.2900009155273,"no","yes","no","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",59.6500015258789,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",41.2299995422363,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",53.1100006103516,"yes","no","no","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",44.1500015258789,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",57.4000015258789,"no","yes","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",38.7099990844727,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",44.3300018310547,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",37.6300010681152,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.810001373291,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",54.9099998474121,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",37.4000015258789,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.5999984741211,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",48.5699996948242,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",51.1199989318848,"no","no","yes","no",3.5,9.92000007629395,0.454970002174377,"low","other" +"female","afam",40.3199996948242,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",51.9300003051758,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"male","other",45.2099990844727,"no","no","no","no",3.5,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",60.25,"no","no","yes","no",3.5,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",43.3800010681152,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",56.5999984741211,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",48.5400009155273,"no","yes","no","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.6300010681152,"yes","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",45.2200012207031,"no","yes","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",40.9900016784668,"yes","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","afam",48.0900001525879,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",35.3899993896484,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.2999992370605,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","afam",40.6199989318848,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.9000015258789,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"male","other",57.939998626709,"yes","no","yes","no",7.5,9.92000007629395,0.454970002174377,"high","other" +"male","other",46.3300018310547,"yes","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",67.9199981689453,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"male","other",52.0299987792969,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","afam",37.0800018310547,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.3499984741211,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",42.5099983215332,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",50.3199996948242,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",34.2000007629395,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","afam",46.3600006103516,"no","yes","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",48.3899993896484,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",40.7000007629395,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"low","other" +"male","other",55.5999984741211,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"high","other" +"female","other",59.3300018310547,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",36.6599998474121,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"low","other" +"female","other",37.9900016784668,"no","no","no","no",3.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.4300003051758,"yes","no","no","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",63.75,"no","no","yes","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",50.5299987792969,"no","no","yes","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.2400016784668,"no","no","yes","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.2900009155273,"no","no","no","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"male","other",55.9700012207031,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","afam",40.5200004577637,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","other",39.4500007629395,"no","no","no","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",37.8199996948242,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",43.310001373291,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","other",61.7799987792969,"yes","yes","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",40.189998626709,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","afam",47.9099998474121,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","other",41.1699981689453,"no","no","no","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","other",67.8499984741211,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",66.0299987792969,"yes","yes","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","afam",38.8600006103516,"no","no","no","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",68.5800018310547,"no","yes","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",42.689998626709,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",56.060001373291,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.9700012207031,"no","no","no","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",46.5299987792969,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",33.7799987792969,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",38.8400001525879,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",64.2300033569336,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"female","other",47.8899993896484,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"male","other",44.3499984741211,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.689998626709,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"female","afam",39.4500007629395,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"male","afam",44.8499984741211,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",40.2099990844727,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",43.8300018310547,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",45.4099998474121,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",40.5299987792969,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.3600006103516,"no","no","no","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",42.5900001525879,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",56.6599998474121,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",33.6599998474121,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",39.5699996948242,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",35.7400016784668,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.3800010681152,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",41.2200012207031,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",44.4500007629395,"yes","yes","no","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",62.8300018310547,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"female","afam",48.4700012207031,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",38.5,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.6699981689453,"no","no","no","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.8300018310547,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","afam",35.5699996948242,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.6399993896484,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",63.5200004577637,"no","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",51.5099983215332,"yes","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",42.6599998474121,"no","no","no","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",45.1599998474121,"yes","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",61.7000007629395,"yes","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",49.9799995422363,"no","no","no","no",3.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.6199989318848,"no","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",49.3800010681152,"no","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",57.560001373291,"no","yes","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",49.6500015258789,"yes","yes","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",57.939998626709,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",62.3600006103516,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","other",47.7099990844727,"yes","yes","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",52.0400009155273,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","other",53.3899993896484,"yes","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.3300018310547,"yes","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","other",56.189998626709,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",64.7699966430664,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",55.3899993896484,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",49.8600006103516,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",50.8300018310547,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",47.9799995422363,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.7700004577637,"no","no","yes","no",8,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.7200012207031,"no","no","yes","no",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",55.3699989318848,"yes","yes","yes","no",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",39.2200012207031,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",34.7200012207031,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",41.6599998474121,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",53.0999984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.9500007629395,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",32.6399993896484,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",52.1199989318848,"yes","no","no","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",53.8300018310547,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",59.0099983215332,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",48.0900001525879,"no","no","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","other",63.0200004577637,"yes","yes","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","hispanic",55.2099990844727,"no","no","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"high","other" +"female","other",41.560001373291,"no","no","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",62.0800018310547,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","hispanic",51.0099983215332,"yes","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","afam",58.4599990844727,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","other",52.7700004577637,"yes","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.5999984741211,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","afam",50.6500015258789,"no","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",43.7000007629395,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",49.5099983215332,"no","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"female","other",55.6300010681152,"yes","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","hispanic",56.4300003051758,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",46.4099998474121,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",55.5800018310547,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.0800018310547,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",53.4500007629395,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",58.2700004577637,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",40.8300018310547,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",55.5999984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",60.6599998474121,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",42.689998626709,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.189998626709,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",55.4599990844727,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.6100006103516,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.25,"no","no","no","no",10.3000001907349,11.6199998855591,1.24827003479004,"low","other" +"female","hispanic",35,"no","no","no","no",10.3000001907349,11.6199998855591,1.24827003479004,"low","other" +"female","other",39.3300018310547,"no","no","yes","no",10.3000001907349,11.6199998855591,1.24827003479004,"high","other" +"male","other",53.8400001525879,"no","no","yes","no",10.3000001907349,11.6199998855591,1.24827003479004,"low","other" +"male","other",45.4900016784668,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",65.8199996948242,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",60.2299995422363,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.7900009155273,"yes","yes","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.0499992370605,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.3199996948242,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",42.5400009155273,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",61.060001373291,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",65.9400024414062,"no","no","no","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.2799987792969,"yes","yes","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.8899993896484,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",42.1399993896484,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.2900009155273,"yes","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.5800018310547,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"male","other",49.2999992370605,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"male","other",44.5,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",53.5299987792969,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",51.6500015258789,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.9099998474121,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","hispanic",49.689998626709,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.4300003051758,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",45.0699996948242,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",49.1500015258789,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",33.7900009155273,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",44.1599998474121,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",64.7399978637695,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",47.6199989318848,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","other",65.9700012207031,"yes","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.2000007629395,"no","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",58.6800003051758,"no","no","no","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",41.0200004577637,"no","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",41.0099983215332,"no","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.1500015258789,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","hispanic",38.25,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",62.5099983215332,"yes","yes","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",47.1199989318848,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",65.7900009155273,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","other",59.9900016784668,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","other",40.4799995422363,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","afam",39.8300018310547,"no","yes","yes","no",6.40000009536743,11.6199998855591,1.24827003479004,"low","other" +"male","other",68.2099990844727,"no","no","yes","no",6.40000009536743,11.6199998855591,1.24827003479004,"high","other" +"male","other",54.7000007629395,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.560001373291,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",56.4199981689453,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",46.9900016784668,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.3600006103516,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",65.4400024414062,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",60.7999992370605,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.5699996948242,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",64.7300033569336,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",40.5099983215332,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",42.6800003051758,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",37.8899993896484,"no","yes","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",52.9500007629395,"no","no","no","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",58.4599990844727,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",65.9300003051758,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",57.7099990844727,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.689998626709,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"male","other",61.0999984741211,"yes","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.1599998474121,"yes","yes","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.9199981689453,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"high","other" +"female","other",50.2099990844727,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.310001373291,"no","no","no","no",10,11.6199998855591,1.24827003479004,"low","other" +"female","other",65.5100021362305,"no","no","yes","no",10,11.6199998855591,1.24827003479004,"low","other" +"male","hispanic",53.439998626709,"no","no","yes","no",10,11.6199998855591,1.24827003479004,"high","other" +"female","other",51.7099990844727,"no","no","no","no",10,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.0699996948242,"no","no","no","no",10,11.6199998855591,1.24827003479004,"low","other" +"male","other",48.8300018310547,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",60.0699996948242,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","hispanic",40.2900009155273,"no","yes","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.810001373291,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",59.4000015258789,"yes","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",41.75,"no","no","no","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.189998626709,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.4099998474121,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",60.2000007629395,"no","no","no","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.1800003051758,"yes","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",56.0099983215332,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",39.1699981689453,"no","no","no","yes",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",34.5800018310547,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",45,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",43.8600006103516,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",42.3300018310547,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",53,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",48.6100006103516,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",51.7700004577637,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",45.1199989318848,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",48.9099998474121,"yes","no","no","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",48.8800010681152,"no","no","no","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",48.1800003051758,"yes","yes","yes","no",13.5,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.4799995422363,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",48.2400016784668,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",65.5299987792969,"yes","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.4199981689453,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.4300003051758,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"male","afam",44.4700012207031,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",57.060001373291,"no","no","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.25,"yes","no","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.4700012207031,"yes","yes","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"high","other" +"female","other",48.8600006103516,"yes","no","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"high","other" +"female","other",58.9000015258789,"no","no","yes","no",11.1999998092651,11.6199998855591,1.24827003479004,"low","other" +"female","other",38.9599990844727,"no","no","yes","no",11.1999998092651,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.1100006103516,"no","no","no","no",11.1999998092651,11.6199998855591,1.24827003479004,"high","other" +"male","other",65.5599975585938,"no","no","yes","yes",8,11.6199998855591,1.24827003479004,"high","other" +"male","other",63.2099990844727,"yes","yes","yes","yes",8,11.6199998855591,1.24827003479004,"high","other" +"male","other",50.7799987792969,"no","no","no","yes",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",45.4099998474121,"no","no","yes","yes",8,11.6199998855591,1.24827003479004,"high","other" +"male","other",66.4499969482422,"yes","yes","no","yes",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",40.9799995422363,"no","no","no","no",11.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",59,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",64.0899963378906,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",48.5900001525879,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",33.2400016784668,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",51.1300010681152,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",52.0400009155273,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",51.3499984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",48.6100006103516,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",48.1699981689453,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",43.4199981689453,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","afam",49.8499984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",45.310001373291,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",50.5900001525879,"yes","no","yes","no",8.39999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.9000015258789,"yes","no","yes","no",8.39999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",51.8899993896484,"no","no","yes","no",8.39999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",35.8600006103516,"no","no","no","no",6.59999990463257,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.5200004577637,"yes","no","yes","no",6.59999990463257,11.6199998855591,1.24827003479004,"high","other" +"female","other",53.810001373291,"no","no","yes","no",6.59999990463257,11.6199998855591,1.24827003479004,"high","other" +"male","other",53.2999992370605,"yes","yes","yes","no",6.59999990463257,11.6199998855591,1.24827003479004,"high","other" +"male","other",51.810001373291,"yes","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.4300003051758,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"female","other",62.0499992370605,"yes","yes","no","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"male","other",50.9099998474121,"yes","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",54.6800003051758,"yes","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",48.0699996948242,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"male","other",55.7900009155273,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.2099990844727,"no","yes","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",58.8499984741211,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",56.0299987792969,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.189998626709,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",51.5200004577637,"no","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",55.3199996948242,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",47.0499992370605,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.9099998474121,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",44.2999992370605,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",52.8199996948242,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.3400001525879,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",64.2600021362305,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",48.1699981689453,"no","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",60.9500007629395,"no","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",62.7900009155273,"yes","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",57.2999992370605,"yes","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",57.9599990844727,"yes","yes","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.1599998474121,"yes","yes","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",54.25,"no","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",64.1399993896484,"yes","yes","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",62.8699989318848,"yes","yes","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",52.5900001525879,"yes","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",55.7299995422363,"yes","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"male","other",59.0999984741211,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",48.1699981689453,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",47.0800018310547,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",44.9300003051758,"yes","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",44.7099990844727,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",53.1399993896484,"no","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",38.6599998474121,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",36.2200012207031,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.1500015258789,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.9099998474121,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",49.3800010681152,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",46.9300003051758,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.2299995422363,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",43.75,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",40.7799987792969,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",61.9599990844727,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",47.6199989318848,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",61.1300010681152,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",61.0999984741211,"yes","yes","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",67.0999984741211,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"male","hispanic",50.7200012207031,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"male","other",57.2599983215332,"yes","yes","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",67.9199981689453,"yes","yes","no","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"female","other",48.3699989318848,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",52.8800010681152,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",47.0200004577637,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",60.6699981689453,"yes","yes","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",54.4099998474121,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",54.5099983215332,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",53.5900001525879,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",62.0299987792969,"yes","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",55.8899993896484,"no","no","no","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",63.0900001525879,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",42.3699989318848,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",54.4000015258789,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",57.5499992370605,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.8300018310547,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",47.7000007629395,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",51.2099990844727,"no","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",56.6199989318848,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",52.7099990844727,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","afam",47.0999984741211,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",53.4599990844727,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",51.310001373291,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","afam",45.2799987792969,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",65.2300033569336,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",61.6199989318848,"no","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",63.6699981689453,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",54.3199996948242,"no","no","no","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",49.2400016784668,"yes","yes","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",55.3800010681152,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.8499984741211,"yes","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",49.6500015258789,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"male","other",37.2299995422363,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"female","other",47.1399993896484,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"female","other",38.6699981689453,"no","no","no","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",51.0299987792969,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"female","other",52.4799995422363,"no","no","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"low","other" +"male","other",49.3499984741211,"no","yes","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"low","other" +"female","other",66.8000030517578,"no","no","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.8800010681152,"no","no","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"high","other" +"male","other",45.939998626709,"no","yes","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",58.9000015258789,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",65.1999969482422,"yes","yes","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",48.25,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",68.7799987792969,"yes","yes","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",56,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",61.5400009155273,"yes","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",48.6199989318848,"yes","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",44.7200012207031,"no","yes","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",36.6100006103516,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",55.6300010681152,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",36.189998626709,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",44.4000015258789,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",48.5499992370605,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.0200004577637,"no","no","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"low","other" +"male","other",63.3699989318848,"no","no","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"low","other" +"male","other",54.7900009155273,"no","no","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"high","other" +"female","other",59.6199989318848,"yes","yes","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"high","other" +"female","other",55.439998626709,"yes","yes","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"high","other" +"female","other",61.75,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",54.8199996948242,"yes","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",55.0900001525879,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",41.1399993896484,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",55,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",58,"no","yes","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",60.2700004577637,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","afam",46.4000015258789,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","hispanic",44.8600006103516,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",64.5100021362305,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",48.3400001525879,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",51.9900016784668,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",64,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",45.0999984741211,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",41.6699981689453,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.2599983215332,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"female","afam",45.0699996948242,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",53.0800018310547,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",60.310001373291,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",57.0699996948242,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",49.9099998474121,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",65.120002746582,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",43.7599983215332,"no","no","no","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",38.2700004577637,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.6500015258789,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"male","other",45.2200012207031,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",55.4099998474121,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",54.4000015258789,"no","yes","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",44.2000007629395,"no","no","no","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",62.7099990844727,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",55.310001373291,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.2900009155273,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",42.6399993896484,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.1800003051758,"no","yes","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",37.9300003051758,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",54.7000007629395,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",54.3699989318848,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"male","other",39.2799987792969,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",45.1199989318848,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",64.0100021362305,"yes","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",38.0699996948242,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",56.9599990844727,"yes","yes","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",40.6100006103516,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",56.5800018310547,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",46.5400009155273,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",52.0699996948242,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.1599998474121,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",41.6500015258789,"yes","yes","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",36.7000007629395,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",39.0900001525879,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",58.9599990844727,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",65.5899963378906,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",48.1699981689453,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",47.7599983215332,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"female","other",52.25,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",56.5900001525879,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",47.2200012207031,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.7799987792969,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"high","other" +"male","other",55.8600006103516,"no","no","no","no",16,10.8100004196167,1.12586998939514,"high","other" +"female","other",61.810001373291,"no","yes","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"female","other",43.189998626709,"no","no","yes","no",16,10.8100004196167,1.12586998939514,"high","other" +"male","other",65.7900009155273,"no","no","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"female","other",44.0999984741211,"no","yes","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"female","other",62.6100006103516,"yes","yes","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"male","other",53.9199981689453,"no","no","yes","no",10,10.8100004196167,1.12586998939514,"high","other" +"male","hispanic",65.1100006103516,"yes","yes","yes","no",10,10.8100004196167,1.12586998939514,"low","other" +"male","other",63.9500007629395,"no","no","yes","no",10,10.8100004196167,1.12586998939514,"high","other" +"female","other",54.6699981689453,"no","no","yes","no",10,10.8100004196167,1.12586998939514,"low","other" +"male","other",52.8899993896484,"no","no","no","no",10,10.8100004196167,1.12586998939514,"low","other" +"female","other",46.9799995422363,"no","no","yes","no",12.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",60.2000007629395,"no","no","yes","no",12.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",59.0900001525879,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",44.9300003051758,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",47.0800018310547,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",57.2599983215332,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",64.0800018310547,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",58.2400016784668,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.2400016784668,"yes","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",58.0200004577637,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"male","other",59.8400001525879,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"male","other",57.4199981689453,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"female","other",59.7799987792969,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",45.5200004577637,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",38.5400009155273,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",40.9300003051758,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"male","other",48.4700012207031,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",58.2599983215332,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",50.1199989318848,"no","no","no","no",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",64.1699981689453,"no","no","no","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","afam",58.9000015258789,"no","yes","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",59.7400016784668,"no","no","yes","no",7.5,10.8100004196167,1.12586998939514,"high","other" +"female","other",40.310001373291,"no","no","yes","no",7.5,10.8100004196167,1.12586998939514,"low","other" +"female","other",61.2900009155273,"no","no","yes","no",7.5,10.8100004196167,1.12586998939514,"low","other" +"male","other",54.0099983215332,"no","yes","no","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"male","other",59.3899993896484,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.0900001525879,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"male","other",51.4000015258789,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"high","other" +"female","other",46.060001373291,"no","no","no","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"female","other",50.3199996948242,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"female","other",58.2799987792969,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",57,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.75,"no","no","no","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",46.2400016784668,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",56.7599983215332,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",44.5,"no","no","yes","no",14.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",62.810001373291,"no","no","yes","no",14.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",56.0099983215332,"no","no","yes","no",14.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",61.189998626709,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",64.9400024414062,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",42.4700012207031,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"high","other" +"female","other",67.4599990844727,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.3400001525879,"no","no","no","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","hispanic",48.9300003051758,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",61.0299987792969,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",54.7099990844727,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"high","other" +"female","other",50.560001373291,"yes","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.7099990844727,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",39.5499992370605,"no","no","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",46.4300003051758,"no","no","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"male","other",36.0099983215332,"no","no","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"female","hispanic",44.7599983215332,"no","no","no","no",11.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",59.5400009155273,"no","yes","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"female","other",69.379997253418,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",61.1800003051758,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.75,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"high","other" +"male","other",58.3800010681152,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.0699996948242,"no","no","no","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.5200004577637,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.2700004577637,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",67.9800033569336,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"female","other",52.0299987792969,"yes","yes","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",52.1500015258789,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",54.1599998474121,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",40.3499984741211,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",57.1800003051758,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","hispanic",51.8499984741211,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",61.8400001525879,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",49.4500007629395,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",35.8699989318848,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","hispanic",51.6800003051758,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",46.8499984741211,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",59.5400009155273,"no","no","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",61.2299995422363,"no","yes","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"high","other" +"female","other",68.0400009155273,"yes","no","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"high","other" +"female","other",39.6399993896484,"no","no","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"female","afam",43.0099983215332,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",44.2999992370605,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",40.7900009155273,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",40.8600006103516,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",39.7900009155273,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",35.8499984741211,"no","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","afam",35.3699989318848,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",40.6300010681152,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",50.0200004577637,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",41.8600006103516,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",39.25,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",38.7200012207031,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","afam",37.0099983215332,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","afam",51.4599990844727,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","afam",36.1699981689453,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",34.8899993896484,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",65.25,"yes","yes","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","afam",47.5,"yes","yes","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",43.0900001525879,"yes","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",57.189998626709,"no","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","other",64.3600006103516,"yes","yes","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",65.0500030517578,"yes","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",42.3800010681152,"yes","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",40.2900009155273,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"male","other",60.6100006103516,"yes","yes","yes","yes",11.5,12.1499996185303,1.16628003120422,"high","other" +"female","other",45.9900016784668,"no","yes","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"female","afam",62.3300018310547,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"male","other",59.4199981689453,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"high","other" +"male","other",50.25,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"high","other" +"female","afam",42.6100006103516,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"female","other",44.9900016784668,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"female","other",49.2900009155273,"yes","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.310001373291,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"female","other",55.3600006103516,"no","yes","yes","no",13,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.0999984741211,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"high","other" +"male","other",49.2700004577637,"yes","no","yes","no",13,12.1499996185303,1.16628003120422,"high","other" +"female","other",54.2599983215332,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"female","afam",43.0499992370605,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",49.8699989318848,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"high","other" +"female","other",48.8499984741211,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","afam",37.1500015258789,"no","no","no","yes",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",53.189998626709,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"high","other" +"female","other",66.8399963378906,"yes","yes","yes","no",10.3000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",57.9099998474121,"no","no","no","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",54.9799995422363,"no","no","yes","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",39.5499992370605,"no","no","no","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",57,"no","yes","yes","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",51.810001373291,"yes","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"high","other" +"male","other",39.75,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",47.5099983215332,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"high","other" +"male","other",61.4099998474121,"no","no","no","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"male","hispanic",64.8099975585938,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","other",57.439998626709,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"high","other" +"female","other",63.4300003051758,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","other",49.689998626709,"yes","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.2900009155273,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",52.2299995422363,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",63.2700004577637,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"high","other" +"male","other",44.5900001525879,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.2299995422363,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"high","other" +"female","other",46.8400001525879,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",57.3400001525879,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",64.879997253418,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","hispanic",40.7099990844727,"no","no","no","no",12,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",46.9099998474121,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"high","other" +"male","other",35.2099990844727,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"male","afam",42.6399993896484,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",38.0699996948242,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",53.3499984741211,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.060001373291,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",37.810001373291,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","hispanic",51.9099998474121,"no","no","no","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",60.9900016784668,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",59.7999992370605,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.4900016784668,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.6800003051758,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",52.7599983215332,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","afam",39.2400016784668,"yes","yes","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","hispanic",40.5800018310547,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","afam",39.3800010681152,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.9500007629395,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.6300010681152,"no","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",67.0100021362305,"yes","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"high","other" +"female","other",53.8699989318848,"no","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",58.2900009155273,"no","no","no","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"female","other",45.2599983215332,"no","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",51.0999984741211,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",47.8800010681152,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",61.3499984741211,"yes","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",54.939998626709,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",54.9099998474121,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.5200004577637,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","other",58.9199981689453,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"male","other",38.6800003051758,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"male","other",51.6500015258789,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",38.9300003051758,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",42.7799987792969,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",34.4500007629395,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",68.8000030517578,"no","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",57.3699989318848,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",65.0500030517578,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",62.6599998474121,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",63.9500007629395,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",50.6699981689453,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","hispanic",40.8499984741211,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",56.4799995422363,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.5400009155273,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",54.1100006103516,"yes","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",68.7200012207031,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",62.3800010681152,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",55.7999992370605,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",36.2000007629395,"no","no","no","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","afam",32.4799995422363,"no","no","no","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","afam",41.7200012207031,"no","no","yes","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","other",46.9900016784668,"no","no","yes","yes",7.30000019073486,10.2799997329712,0.931869983673096,"high","other" +"female","other",58.939998626709,"yes","no","yes","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",42.439998626709,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",62.5900001525879,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.8600006103516,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"high","other" +"male","other",66.3899993896484,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",64.2300033569336,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.8499984741211,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",62.060001373291,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",57.3800010681152,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",57.9900016784668,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",59.1300010681152,"yes","yes","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.2799987792969,"no","no","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"male","other",62.8699989318848,"yes","yes","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"female","other",47.1800003051758,"no","no","no","yes",6.09999990463257,10.2799997329712,0.931869983673096,"low","other" +"female","other",54.4300003051758,"yes","no","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"male","other",67.0400009155273,"yes","yes","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"male","afam",54.0499992370605,"no","no","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.1199989318848,"yes","yes","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",61.0999984741211,"yes","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",56.75,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.810001373291,"no","yes","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",39.9599990844727,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",46.4199981689453,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",57.1699981689453,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",60.1100006103516,"yes","yes","yes","no",5.5,10.2799997329712,0.931869983673096,"high","other" +"male","afam",55.6599998474121,"no","yes","yes","no",5.5,10.2799997329712,0.931869983673096,"high","other" +"female","other",67.4599990844727,"no","no","no","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"female","afam",36.7000007629395,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",50.689998626709,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",51.8800010681152,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",58.1399993896484,"yes","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",55.3600006103516,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","afam",40.8199996948242,"no","yes","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",46.9799995422363,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",37.7200012207031,"no","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",56.5800018310547,"yes","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",32.2700004577637,"no","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",44.9000015258789,"no","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",50.1699981689453,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",63.0099983215332,"yes","yes","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.439998626709,"no","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",50.0699996948242,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",62.9300003051758,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.7000007629395,"yes","yes","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",60.2999992370605,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"male","other",54.3499984741211,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",63.3699989318848,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.560001373291,"no","no","no","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.1699981689453,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","afam",56.7400016784668,"no","no","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",57.8800010681152,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",56.3400001525879,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.0299987792969,"yes","yes","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",58.6500015258789,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",49.9300003051758,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",55.2000007629395,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",40.5699996948242,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",41.2299995422363,"yes","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",52.3499984741211,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",67.2600021362305,"no","yes","yes","no",14.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",59.2599983215332,"no","no","yes","no",14.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",48.3300018310547,"yes","no","yes","no",10,10.2799997329712,0.931869983673096,"high","other" +"female","other",51.4099998474121,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",57.7200012207031,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",68.7200012207031,"yes","yes","no","no",10,10.2799997329712,0.931869983673096,"low","other" +"female","other",46.2599983215332,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","afam",38.4799995422363,"no","no","no","no",10,10.2799997329712,0.931869983673096,"high","other" +"female","afam",42.9199981689453,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",59.3400001525879,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.7999992370605,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",47.9599990844727,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",41.2200012207031,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",53.9700012207031,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","other",49.6300010681152,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",59.939998626709,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",53.2700004577637,"yes","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",63.8499984741211,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",63.25,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",61.9700012207031,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",38.0499992370605,"no","no","yes","no",9.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",62.3600006103516,"no","yes","yes","no",9.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",42.9099998474121,"no","no","yes","no",9.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",64.1100006103516,"yes","no","yes","no",8.19999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",49.7099990844727,"no","no","yes","no",8.19999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.2299995422363,"no","no","yes","no",8.19999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.5999984741211,"no","no","yes","no",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","other",65.3899993896484,"no","no","yes","no",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","other",66.1699981689453,"no","no","yes","no",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",63.8899993896484,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",41.0499992370605,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",55.2200012207031,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.689998626709,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",49.3600006103516,"no","no","yes","no",8.39999961853027,10.2799997329712,0.931869983673096,"high","other" +"female","other",45.0200004577637,"no","no","yes","no",8.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",44.0400009155273,"no","no","yes","no",8.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",53.3699989318848,"no","yes","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"high","other" +"female","other",41.689998626709,"no","no","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",39.6500015258789,"no","no","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.9599990844727,"no","no","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","other",45.4000015258789,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.7200012207031,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.4099998474121,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",51.0999984741211,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",40.6800003051758,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","afam",50.4700012207031,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",54.4000015258789,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",44.9599990844727,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.2200012207031,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",50.75,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",48.2299995422363,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",41.810001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.0900001525879,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",40.4900016784668,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",34.939998626709,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",66.7399978637695,"yes","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",53.4700012207031,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",56.3800010681152,"yes","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","afam",37.5499992370605,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",51.3699989318848,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",38.5499992370605,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",36.9599990844727,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",43.6399993896484,"yes","yes","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",37,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",49.2700004577637,"yes","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",45.3199996948242,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",38.7700004577637,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",40.6199989318848,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",52.8800010681152,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",35.1800003051758,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",44.310001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",47.310001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",45.7999992370605,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",62.7200012207031,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",40.5200004577637,"no","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",37.0699996948242,"no","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",45.9000015258789,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",49.4500007629395,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",42.6800003051758,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",36.9799995422363,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",42.3800010681152,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",38.9300003051758,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",36.439998626709,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",59.4500007629395,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",35.810001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.7599983215332,"yes","yes","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",54.8400001525879,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","hispanic",42.310001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",35.7400016784668,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",34.8699989318848,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",46.0099983215332,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",36.060001373291,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",30.9799995422363,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",48.0699996948242,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",42.9199981689453,"no","no","yes","no",9.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"female","other",54.5299987792969,"no","no","yes","no",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","afam",53.939998626709,"no","no","no","no",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",66.3399963378906,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",51,"yes","yes","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",59.0999984741211,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","other",52.7700004577637,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","hispanic",53.0900001525879,"no","no","no","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"female","other",40.7799987792969,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","other",58.3199996948242,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",58.2099990844727,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.5800018310547,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",39.3899993896484,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.2299995422363,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"male","other",52.189998626709,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"female","other",39.2099990844727,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"female","other",44.060001373291,"no","no","no","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.3699989318848,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"male","other",41.8699989318848,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",50.75,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",43.3400001525879,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"male","other",46.2599983215332,"yes","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.5999984741211,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"female","other",46.7799987792969,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.6599998474121,"yes","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",43.5900001525879,"yes","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","other",38.4099998474121,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.3400001525879,"no","yes","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.4700012207031,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",60.2700004577637,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.9199981689453,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.5900001525879,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",53.8300018310547,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",52.189998626709,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",49.2400016784668,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",52.7400016784668,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"male","other",67.8499984741211,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",50.5,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",53.7900009155273,"yes","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"high","other" +"male","other",55.4500007629395,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"high","other" +"female","other",54.4900016784668,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"low","other" +"male","other",62.1100006103516,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"low","other" +"female","other",46.7900009155273,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"high","other" +"female","other",42.25,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"low","other" +"male","afam",58.9000015258789,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"male","other",48.4199981689453,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"male","other",33.7400016784668,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"female","other",52.5200004577637,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"female","other",43.8199996948242,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"male","other",62.6399993896484,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"male","hispanic",63.1800003051758,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"male","other",56.1500015258789,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"female","other",62.75,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"female","other",54.7000007629395,"yes","yes","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"male","other",58.9300003051758,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",53.6199989318848,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",50.3600006103516,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",50.9599990844727,"yes","yes","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",63.4300003051758,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",57.0900001525879,"no","no","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",56.0400009155273,"no","no","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",67.4700012207031,"no","yes","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",67.4899978637695,"no","no","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","hispanic",43.1100006103516,"no","no","yes","yes",4.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",61.1800003051758,"yes","no","yes","yes",4.30000019073486,10.5100002288818,0.824479997158051,"high","other" +"male","other",65.870002746582,"yes","no","yes","yes",4.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",53.0499992370605,"no","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",56.3800010681152,"yes","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",52.8600006103516,"no","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"high","other" +"male","hispanic",59.7599983215332,"no","yes","yes","yes",6.5,11.0799999237061,0.893760025501251,"high","other" +"female","afam",60.439998626709,"yes","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",45.7400016784668,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",55.8400001525879,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",42.6699981689453,"no","no","no","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",67.2300033569336,"no","no","yes","yes",6.40000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",65.25,"no","yes","no","yes",6.40000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",43.060001373291,"yes","no","no","yes",6.40000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",58.4199981689453,"no","no","yes","yes",6.40000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",40.7400016784668,"no","yes","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"high","other" +"male","other",62.1699981689453,"no","no","no","no",4.90000009536743,8.64999961853027,0.68476003408432,"low","other" +"female","other",65.5500030517578,"yes","yes","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"low","other" +"male","other",44.3400001525879,"no","no","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"low","other" +"female","other",39.25,"no","no","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"high","other" +"female","other",49.5499992370605,"no","no","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"high","other" +"female","other",45.1300010681152,"no","no","no","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"male","other",45.060001373291,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"male","other",57.7400016784668,"no","no","no","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"female","other",52.0400009155273,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"high","other" +"male","other",59.1800003051758,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"male","other",61.1100006103516,"yes","yes","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"high","other" +"male","hispanic",67.0199966430664,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"female","other",59.2900009155273,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"female","other",43.0999984741211,"no","no","no","no",3.20000004768372,9.28999996185303,0.769050002098083,"low","other" +"male","hispanic",41.060001373291,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","afam",37.8499984741211,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"female","other",53.75,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",54.5900001525879,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"male","other",58.5200004577637,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"male","other",62.4599990844727,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"low","other" +"male","other",48.9799995422363,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"low","other" +"male","afam",49.3800010681152,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"low","other" +"female","other",56.0999984741211,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"female","other",62.6500015258789,"no","no","no","no",6.69999980926514,9.76000022888184,0.484990000724792,"low","other" +"male","other",38.75,"no","no","yes","no",6.69999980926514,9.76000022888184,0.484990000724792,"high","other" +"female","other",54.5,"no","no","yes","no",6.69999980926514,9.76000022888184,0.484990000724792,"low","other" +"female","other",61.7799987792969,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",45.6100006103516,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",43.2200012207031,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",56.7400016784668,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.9199981689453,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"high","other" +"female","other",54.5699996948242,"yes","no","no","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",53.6599998474121,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",57.6500015258789,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",41.1100006103516,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",50.5299987792969,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",53.689998626709,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",37.5699996948242,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",56.2099990844727,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","hispanic",50.9900016784668,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",49.8499984741211,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"high","other" +"female","other",44.2200012207031,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"male","other",53.7400016784668,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"male","other",54.6300010681152,"yes","yes","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"female","other",47.5900001525879,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"female","other",57.7400016784668,"yes","yes","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",58.0200004577637,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",48.2000007629395,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",67.9800033569336,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.2000007629395,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",60.4500007629395,"no","no","no","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",61.8899993896484,"no","no","no","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",58.6599998474121,"yes","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",53.5200004577637,"yes","yes","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",60.7999992370605,"yes","yes","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",55.1500015258789,"no","no","no","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",60.2599983215332,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.4599990844727,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"high","other" +"male","other",52.6100006103516,"yes","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"high","other" +"female","other",54.25,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",41.2799987792969,"yes","yes","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",46.75,"yes","yes","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"high","other" +"female","other",46.2299995422363,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",42.4799995422363,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",49.6699981689453,"no","no","yes","no",3,9.72999954223633,0.778289973735809,"low","other" +"male","other",54.8499984741211,"yes","yes","yes","no",3,9.72999954223633,0.778289973735809,"high","other" +"male","other",55.75,"yes","no","yes","no",3,9.72999954223633,0.778289973735809,"low","other" +"male","other",40.5299987792969,"no","no","no","no",3,9.72999954223633,0.778289973735809,"low","other" +"male","other",52.7400016784668,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"male","other",62.4099998474121,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"female","other",39.8699989318848,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"high","other" +"male","other",47.3300018310547,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"high","other" +"female","other",54.9799995422363,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"male","afam",43.9599990844727,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"female","other",48.9900016784668,"no","no","yes","no",5.59999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",56.0200004577637,"no","no","no","no",5.59999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",49.939998626709,"no","yes","yes","no",5.59999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.4799995422363,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",51.3899993896484,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",47.3199996948242,"no","yes","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",47.5299987792969,"yes","yes","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",63.4500007629395,"yes","yes","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",51.310001373291,"yes","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",41.0299987792969,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",64.4300003051758,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",37.4300003051758,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",65.1100006103516,"yes","yes","yes","no",3.5,8.64999961853027,0.68476003408432,"high","other" +"male","other",48.6399993896484,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"female","other",47.3400001525879,"yes","no","yes","no",3.5,8.64999961853027,0.68476003408432,"high","other" +"male","other",42.4300003051758,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"male","other",46.2999992370605,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"male","other",44.5699996948242,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"female","other",61.7700004577637,"no","no","no","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"male","other",42.8899993896484,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",45.1800003051758,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.4500007629395,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",38.4300003051758,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",47.1199989318848,"no","no","no","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",39.5699996948242,"no","no","no","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.1599998474121,"no","no","no","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",58.189998626709,"no","no","no","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",49.8199996948242,"no","yes","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",39.2099990844727,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",58.1699981689453,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"male","other",47.5900001525879,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",33.9700012207031,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"male","other",56.4099998474121,"no","no","no","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"male","other",52.689998626709,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",49.5699996948242,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",55.3899993896484,"no","yes","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",66.370002746582,"no","no","no","no",4.69999980926514,9.72999954223633,0.778289973735809,"low","other" +"female","other",49.8499984741211,"yes","yes","yes","no",4.69999980926514,9.72999954223633,0.778289973735809,"low","other" +"male","other",56.6800003051758,"no","no","yes","no",4.69999980926514,9.72999954223633,0.778289973735809,"low","other" +"male","other",59.2599983215332,"no","no","no","no",4.69999980926514,9.72999954223633,0.778289973735809,"high","other" +"male","other",41.439998626709,"no","no","yes","no",4.69999980926514,9.72999954223633,0.778289973735809,"high","other" +"female","other",51.3300018310547,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",41.2900009155273,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",47.5200004577637,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"female","other",56.8499984741211,"no","yes","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",54.8699989318848,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"male","other",65.620002746582,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"male","other",55.6800003051758,"yes","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"female","other",56.1599998474121,"no","no","no","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",41.2799987792969,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",50.4300003051758,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"male","other",34.689998626709,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"female","other",61.4300003051758,"no","no","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"high","other" +"male","afam",36.8600006103516,"no","no","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"high","other" +"female","other",61.4700012207031,"yes","yes","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"low","other" +"female","other",59.2099990844727,"yes","no","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"low","other" +"female","other",64.1900024414062,"yes","yes","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"low","other" +"male","other",67.9800033569336,"yes","yes","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"high","other" +"female","other",56.8199996948242,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",51,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"high","other" +"female","other",44.8600006103516,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"high","other" +"female","other",57.3400001525879,"no","no","no","no",5.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",57.7200012207031,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",55.060001373291,"no","no","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.8899993896484,"no","yes","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",55.689998626709,"no","no","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"male","hispanic",55.6599998474121,"no","no","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"female","other",43.7400016784668,"yes","no","no","no",7.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",52.1300010681152,"no","yes","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.8199996948242,"no","no","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",55.0200004577637,"no","yes","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",55.25,"no","no","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",64.1399993896484,"yes","yes","yes","no",10.6999998092651,10.5100002288818,0.824479997158051,"high","other" +"male","other",38.810001373291,"no","no","yes","no",10.6999998092651,10.5100002288818,0.824479997158051,"low","other" +"male","other",60.8600006103516,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"female","other",54.9099998474121,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"high","other" +"male","other",51.4300003051758,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"female","other",53.7599983215332,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"male","other",59.4300003051758,"no","no","no","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"female","other",53.3199996948242,"no","no","yes","no",10.3000001907349,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.939998626709,"no","no","yes","no",10.3000001907349,10.5100002288818,0.824479997158051,"low","other" +"female","hispanic",45.1599998474121,"no","no","yes","no",8.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",48.9799995422363,"no","no","yes","no",8.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",52.9500007629395,"no","no","no","no",4.30000019073486,9.72999954223633,0.778289973735809,"low","other" +"male","other",42.1500015258789,"no","no","yes","no",4.30000019073486,9.72999954223633,0.778289973735809,"high","other" +"male","other",49.7099990844727,"no","no","yes","no",4.30000019073486,9.72999954223633,0.778289973735809,"low","other" +"male","other",52.5400009155273,"no","yes","yes","no",4.30000019073486,9.72999954223633,0.778289973735809,"low","other" +"female","other",50.1500015258789,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"high","other" +"female","other",44.1399993896484,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","other",48.9700012207031,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"high","other" +"male","other",63.4300003051758,"yes","yes","no","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","other",64.629997253418,"no","yes","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","other",36.2400016784668,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","afam",54.4000015258789,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"low","other" +"male","afam",36.7700004577637,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"high","other" +"female","other",53.7000007629395,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"female","other",50.689998626709,"yes","yes","yes","yes",5,9.72999954223633,0.778289973735809,"high","other" +"female","other",60.2799987792969,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"female","other",65.1900024414062,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"male","other",63.2999992370605,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"male","other",59.5499992370605,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"male","afam",49.689998626709,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"female","other",56.5999984741211,"no","no","yes","no",7.69999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.8499984741211,"no","no","yes","no",7.69999980926514,11.0799999237061,0.893760025501251,"low","other" +"male","other",48.0299987792969,"no","no","yes","no",7.69999980926514,11.0799999237061,0.893760025501251,"low","other" +"male","hispanic",54.5900001525879,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"female","other",47.7799987792969,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"male","other",60.5,"yes","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"high","other" +"female","other",60.8699989318848,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"female","other",47.0400009155273,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"female","other",57.6599998474121,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",62.9000015258789,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.7799987792969,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",63.0200004577637,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",53.4900016784668,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"female","other",58,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","hispanic",41.25,"no","yes","yes","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"female","other",62.5499992370605,"no","no","no","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"female","other",60.8300018310547,"no","no","no","no",3.59999990463257,9.28999996185303,0.769050002098083,"high","other" +"male","other",44.7400016784668,"yes","no","yes","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"male","hispanic",44.9599990844727,"no","no","yes","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"female","other",56.2700004577637,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",54.2799987792969,"no","no","no","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","other",67.9899978637695,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",46.439998626709,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",60.2900009155273,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"female","hispanic",56.0200004577637,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",47.2299995422363,"no","no","no","no",6.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",53.939998626709,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",47.8699989318848,"yes","yes","yes","no",6.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.810001373291,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"high","other" +"male","other",64.129997253418,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",60.0499992370605,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"high","other" +"female","other",50.2700004577637,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"high","other" +"female","afam",44.8600006103516,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",49.3300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","other",49.4099998474121,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",66.0800018310547,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",38.7900009155273,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","other",44.7599983215332,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",57.8600006103516,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",43.4000015258789,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",59.5299987792969,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",52.5299987792969,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",48,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"female","other",34.6100006103516,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",39.5900001525879,"no","yes","yes","no",5.5,10.5100002288818,0.824479997158051,"high","other" +"female","other",40.4199981689453,"no","no","no","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",54.1500015258789,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",59.939998626709,"yes","no","yes","no",5.5,10.5100002288818,0.824479997158051,"high","other" +"male","other",62.5099983215332,"yes","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",62.2599983215332,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",50.1599998474121,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",59.4199981689453,"no","no","no","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",62.4599990844727,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",64.1900024414062,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",48.5900001525879,"yes","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","afam",38.4599990844727,"no","no","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","afam",39.5699996948242,"no","no","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","afam",45.3800010681152,"no","no","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"male","afam",42.2999992370605,"yes","yes","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","afam",43.2999992370605,"no","no","no","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","other",40.189998626709,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",58.8800010681152,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",58.9900016784668,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",60.5999984741211,"no","no","no","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",59.2299995422363,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",43.6100006103516,"no","no","no","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",55.6399993896484,"yes","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",63.2099990844727,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",38.4300003051758,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",54.8300018310547,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",58.9700012207031,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"male","other",48.6599998474121,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"male","other",65.7399978637695,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",40.439998626709,"no","no","no","no",5,9.28999996185303,0.769050002098083,"high","other" +"male","other",46.189998626709,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",40.4300003051758,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",48.6300010681152,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","hispanic",44.439998626709,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",35.8499984741211,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",43.5400009155273,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"female","other",44.5,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",59.7099990844727,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",51.7099990844727,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"high","other" +"female","other",63.1800003051758,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","afam",35.560001373291,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",37.25,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",42.6500015258789,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",45.5999984741211,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",38.5699996948242,"no","yes","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",38.2799987792969,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",37.2999992370605,"yes","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",35.5999984741211,"no","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",38.0299987792969,"yes","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",58.5,"no","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",39.8499984741211,"no","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",49.3499984741211,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",53.2200012207031,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",42.8899993896484,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",44.8899993896484,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.8800010681152,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",48.5499992370605,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",37.9700012207031,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",40.1599998474121,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",42.9599990844727,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",62.1399993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",40.6199989318848,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",57.7200012207031,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",59.060001373291,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",67.8399963378906,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",54.8400001525879,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",45.560001373291,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",47.1500015258789,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",38.4500007629395,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",60.9000015258789,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",60.6500015258789,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",47.1699981689453,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",64.3300018310547,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",47.3199996948242,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",44.0999984741211,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",44.7700004577637,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.3600006103516,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",52.0900001525879,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",51.6500015258789,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",39.4599990844727,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",35.3800010681152,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.4099998474121,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",58.9599990844727,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.4500007629395,"yes","no","no","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.9099998474121,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.0400009155273,"no","no","no","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.7299995422363,"no","no","no","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",34.4199981689453,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.3400001525879,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","other",57.2900009155273,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.7799987792969,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.3800010681152,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",60.1199989318848,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.6199989318848,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",35.0699996948242,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.9199981689453,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.8499984741211,"yes","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","other",58.5299987792969,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",47.810001373291,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",55.939998626709,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",51.9500007629395,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.2299995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",62.0099983215332,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.3600006103516,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.9900016784668,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.7799987792969,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",55.0900001525879,"no","no","no","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.7700004577637,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","other",68.0999984741211,"no","yes","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",59.5200004577637,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.2400016784668,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.560001373291,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",55.0400009155273,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.8199996948242,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.1300010681152,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",43.1599998474121,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",53.9300003051758,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.6300010681152,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.189998626709,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","other",42.9000015258789,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",50.0099983215332,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",44.1800003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",52.4300003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",49.439998626709,"yes","yes","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",35.060001373291,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",37.7200012207031,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.2999992370605,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",49.8800010681152,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.9500007629395,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",47.310001373291,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.6300010681152,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.439998626709,"no","yes","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",37.2599983215332,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.0499992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",56.1199989318848,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",39.8300018310547,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",45.6500015258789,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.810001373291,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.9900016784668,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",65.0699996948242,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",42.8400001525879,"no","no","no","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.4199981689453,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",59.2299995422363,"yes","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",43.0400009155273,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.0400009155273,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.7999992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.7200012207031,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",47.0499992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.8699989318848,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.9300003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",55.4799995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",54.2400016784668,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.060001373291,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.0800018310547,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.25,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.0900001525879,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",60,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",44.4799995422363,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.6500015258789,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",52.3600006103516,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.939998626709,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.3199996948242,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.4099998474121,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",34.8300018310547,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.9500007629395,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.8300018310547,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",50.5800018310547,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",57.2299995422363,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",62.7400016784668,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5800018310547,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.5200004577637,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.7200012207031,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5400009155273,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.4500007629395,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.3300018310547,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.8899993896484,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",48.2900009155273,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","other",45.9199981689453,"yes","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.7999992370605,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.810001373291,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5900001525879,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.4000015258789,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",43.060001373291,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.8600006103516,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",32.2000007629395,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",33.5,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.810001373291,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.7599983215332,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",63.6800003051758,"no","no","no","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",45.1300010681152,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",34.1800003051758,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",45.8899993896484,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.5200004577637,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.4599990844727,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.3499984741211,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",33.3499984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",45.3300018310547,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",44.5800018310547,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",60.2999992370605,"yes","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",42,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.3899993896484,"yes","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",50.8800010681152,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.1500015258789,"no","no","no","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",45.9799995422363,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",57.2799987792969,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.560001373291,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",61.3800010681152,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.0900001525879,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",49.0499992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.4700012207031,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.1599998474121,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",54.939998626709,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.2900009155273,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.4300003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",45.0699996948242,"no","no","no","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.1599998474121,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",66.7300033569336,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.2599983215332,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.0099983215332,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.8199996948242,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.7900009155273,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",50.1300010681152,"no","no","no","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",52.060001373291,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","other",63.7799987792969,"no","no","yes","no",3.20000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.7400016784668,"no","no","yes","no",3.20000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",57.75,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",61.7900009155273,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",65.5999984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",61.7700004577637,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.4599990844727,"yes","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",55.9799995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.8300018310547,"yes","yes","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.7299995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",51.1699981689453,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",65.75,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",56.5999984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.2700004577637,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",58.6699981689453,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.4900016784668,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","afam",46.3499984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.1399993896484,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.560001373291,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",44.0800018310547,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.3600006103516,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",43.8499984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.560001373291,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.439998626709,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.9900016784668,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.0900001525879,"no","yes","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",38.75,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.939998626709,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.9000015258789,"no","no","no","no",5,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.1100006103516,"no","no","no","no",5,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.8300018310547,"no","no","yes","no",5,9.92000007629395,0.454970002174377,"low","other" +"male","other",62.3300018310547,"no","no","yes","no",5,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",49.5499992370605,"no","no","yes","no",5,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.5,"no","no","no","no",5,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",38.1199989318848,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.310001373291,"yes","yes","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",39.9599990844727,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.9099998474121,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.7099990844727,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",56.810001373291,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",67.6399993896484,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.7400016784668,"no","no","no","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.0699996948242,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.7200012207031,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","other",64.1100006103516,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.4099998474121,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",53.8400001525879,"no","no","no","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",50.4000015258789,"yes","no","no","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.4799995422363,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",39.0900001525879,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",47.4799995422363,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.6300010681152,"no","no","no","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",52.810001373291,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.0699996948242,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",44.2799987792969,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.2799987792969,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",54.9199981689453,"no","no","no","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.939998626709,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.0900001525879,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.5800018310547,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.3199996948242,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.2200012207031,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.8800010681152,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.8300018310547,"no","no","no","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",62.439998626709,"yes","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",54.25,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.9300003051758,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",53.9000015258789,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.5299987792969,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.3600006103516,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.5900001525879,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.3600006103516,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",55.5,"yes","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.5299987792969,"no","no","no","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.7999992370605,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",46.2200012207031,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",35.1300010681152,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.5099983215332,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",33.9700012207031,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.7400016784668,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",51.1199989318848,"no","yes","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",42.7000007629395,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.810001373291,"no","no","no","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",56.0200004577637,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.8600006103516,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.810001373291,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",47.2900009155273,"no","no","no","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.4500007629395,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",46.6599998474121,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.2400016784668,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.7999992370605,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.9099998474121,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.0400009155273,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.1399993896484,"no","no","no","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",34.7999992370605,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.4700012207031,"no","no","yes","no",4.69999980926514,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",51.0499992370605,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.6599998474121,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",39.560001373291,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.9799995422363,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",34.7799987792969,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",40.9799995422363,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",39.3499984741211,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",36.1699981689453,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",40.4199981689453,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",42,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",46.3899993896484,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",50.2400016784668,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",36.0200004577637,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",51.7599983215332,"no","yes","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",61.310001373291,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",50.75,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",50.5900001525879,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",51.1699981689453,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","other",44.0400009155273,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","hispanic",53,"no","yes","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",51.6100006103516,"yes","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","afam",57.8899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",59.4900016784668,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",38.8699989318848,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",63.8800010681152,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.6100006103516,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",49.8600006103516,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",41.189998626709,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",46.2700004577637,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",66.9700012207031,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",59.7000007629395,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",35.5699996948242,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",42.7799987792969,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",58.5499992370605,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",42.7799987792969,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",48.0699996948242,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",38.4500007629395,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",54.810001373291,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",64.3300018310547,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",48.9300003051758,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",50,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",48.560001373291,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",52.4099998474121,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",51.7999992370605,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",54.8300018310547,"no","yes","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",71.3600006103516,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",45.9300003051758,"yes","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",60.2999992370605,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",52.5299987792969,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",52.5099983215332,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",59.8600006103516,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",50.1699981689453,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","afam",39.7999992370605,"no","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.9599990844727,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",46.4099998474121,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",42.4300003051758,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.1199989318848,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",42.5699996948242,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",60.9799995422363,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",50.6599998474121,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",49.8499984741211,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",41.3600006103516,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",50.8300018310547,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",58.5800018310547,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",50.2099990844727,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",42.0800018310547,"yes","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",62.5800018310547,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",51.9000015258789,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",51.060001373291,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.4000015258789,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",40.7900009155273,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",53.5800018310547,"no","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",57.7099990844727,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",55.8899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",42.8499984741211,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",42.439998626709,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",39.1100006103516,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",40.1300010681152,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",67.0199966430664,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",40.7799987792969,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",41.4700012207031,"no","no","no","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",42.4099998474121,"no","no","yes","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",40.3800010681152,"yes","no","no","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",40.4300003051758,"no","no","yes","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",44.4700012207031,"no","no","yes","yes",7,8.09000015258789,0.889150023460388,"high","other" +"female","hispanic",53.2700004577637,"no","no","no","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","hispanic",39.7299995422363,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.5200004577637,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",44.4500007629395,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",46.2200012207031,"no","yes","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","hispanic",51.1699981689453,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.0900001525879,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","afam",37.1800003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",36.1599998474121,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",41.2999992370605,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",47.6800003051758,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",53.0999984741211,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",54.0099983215332,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",61.3600006103516,"yes","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.560001373291,"no","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",49.7599983215332,"no","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",41.2799987792969,"yes","yes","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.0900001525879,"no","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",49.6800003051758,"yes","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","hispanic",62.9000015258789,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",55.5299987792969,"yes","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","hispanic",67.7799987792969,"yes","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",69.9000015258789,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",58.8800010681152,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.0299987792969,"no","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",68.370002746582,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",56.560001373291,"no","yes","no","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",41.5200004577637,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","afam",38.2400016784668,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",34.5900001525879,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",36.2400016784668,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",52.4199981689453,"no","yes","no","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","afam",59.2000007629395,"yes","yes","no","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",69.1600036621094,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",61.5099983215332,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",46.5699996948242,"yes","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","afam",43.1399993896484,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","afam",47.7400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",59.0999984741211,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",50.4000015258789,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.9500007629395,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.6300010681152,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",68.879997253418,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.5800018310547,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",61.189998626709,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.6100006103516,"no","no","no","yes",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"male","afam",47.1500015258789,"no","no","yes","yes",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"female","afam",64.9700012207031,"no","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",59.310001373291,"no","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","afam",54.8400001525879,"no","yes","no","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",47.6399993896484,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",37.4199981689453,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",54.0200004577637,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"male","afam",47.0999984741211,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.3699989318848,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",34.9799995422363,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",40.4900016784668,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"male","afam",69.6100006103516,"no","yes","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",51.7700004577637,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"male","afam",39.0900001525879,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"high","other" +"female","afam",51.560001373291,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","other",62.3899993896484,"no","no","no","no",8.19999980926514,9.28999996185303,0.769050002098083,"low","other" +"female","afam",49.0400009155273,"no","no","no","no",8.19999980926514,9.28999996185303,0.769050002098083,"low","other" +"female","afam",35.8699989318848,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",31.5599994659424,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",52.0999984741211,"no","no","no","yes",7,9.76000022888184,0.484990000724792,"low","other" +"female","afam",55.25,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"low","other" +"female","afam",46.5999984741211,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"low","other" +"male","afam",54.9500007629395,"no","no","no","no",7.59999990463257,12.1499996185303,1.16628003120422,"low","other" +"female","afam",58.1800003051758,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","afam",51.3800010681152,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",63.0099983215332,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",64.2200012207031,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.8899993896484,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",46.7200012207031,"yes","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",62,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","other",67.5500030517578,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",56.5999984741211,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",60.9300003051758,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",60.2200012207031,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",67.9199981689453,"yes","no","no","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",66.620002746582,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",59.439998626709,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",60.7599983215332,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",41.7200012207031,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",59.6199989318848,"yes","yes","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",54.3499984741211,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",63.0099983215332,"yes","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",63.2700004577637,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",51.2400016784668,"yes","yes","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",58.5999984741211,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",63.7400016784668,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",39.4099998474121,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",44.1599998474121,"no","no","no","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",59.8899993896484,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","other",45.7799987792969,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",63.6699981689453,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.4199981689453,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",66.5199966430664,"yes","yes","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"female","other",68.4599990844727,"yes","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","other",63.8300018310547,"yes","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","other",39.689998626709,"no","no","yes","no",7.30000019073486,7.34999990463257,0.751729965209961,"low","other" +"female","other",51.7700004577637,"no","no","yes","no",7.30000019073486,7.34999990463257,0.751729965209961,"low","other" +"female","other",45.6399993896484,"no","no","yes","no",7.30000019073486,7.34999990463257,0.751729965209961,"low","other" +"male","afam",42.0200004577637,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",60.689998626709,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",55.1599998474121,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",60.2700004577637,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",52.1300010681152,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",56.9500007629395,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",56.4099998474121,"yes","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",61.25,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","afam",48.25,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.1699981689453,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",39.9900016784668,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","hispanic",44.2799987792969,"yes","yes","no","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.689998626709,"yes","yes","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",53.8300018310547,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",54.6399993896484,"no","yes","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"high","other" +"female","other",57.6199989318848,"no","yes","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","other",55.9199981689453,"no","no","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","other",63.6699981689453,"no","no","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","other",67.9199981689453,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",68.6600036621094,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",64.1900024414062,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",63.2900009155273,"yes","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",68.3000030517578,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.4199981689453,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",64.8600006103516,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",60.5200004577637,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"male","other",61.6100006103516,"no","no","no","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","afam",67.3199996948242,"yes","no","yes","no",7,8.09000015258789,0.889150023460388,"low","other" +"male","other",61.9300003051758,"yes","no","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","afam",69.9599990844727,"yes","yes","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","other",69.7600021362305,"yes","yes","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","other",62.6699981689453,"yes","yes","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","other",63.0900001525879,"no","no","yes","no",7,8.09000015258789,0.889150023460388,"low","other" +"female","other",65.6399993896484,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",63.5699996948242,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",69.5400009155273,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",62.5999984741211,"yes","yes","yes","no",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",63.3800010681152,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","afam",53.5499992370605,"no","no","no","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","hispanic",59.2799987792969,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","hispanic",63.3899993896484,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","afam",68.6399993896484,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",59.0999984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",63.2900009155273,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","afam",59.0099983215332,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",58.5699996948242,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",68.5800018310547,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",57.7799987792969,"yes","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",59.8499984741211,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",70.0999984741211,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",56.2599983215332,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",63.75,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",63.6300010681152,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",58.7900009155273,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",56.7900009155273,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",42.0800018310547,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",58.189998626709,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.5999984741211,"yes","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.060001373291,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","other",49.5200004577637,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",36.1500015258789,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.6100006103516,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",52.0699996948242,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",66.1800003051758,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",62.5699996948242,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"high","other" +"male","other",51.9300003051758,"yes","no","yes","no",11.5,9.96000003814697,1.4041600227356,"high","other" +"female","other",66.2099990844727,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.5200004577637,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.0499992370605,"yes","yes","yes","no",11.5,9.96000003814697,1.4041600227356,"high","other" +"female","other",56.4300003051758,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.4700012207031,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",54.4599990844727,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",55.8800010681152,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",52.8899993896484,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",58.5400009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",52.810001373291,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",55.3800010681152,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",64.8300018310547,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.1800003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.810001373291,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.2400016784668,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.6199989318848,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.8199996948242,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.6300010681152,"no","no","no","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",55.7999992370605,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",58,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"high","other" +"female","other",63.3499984741211,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",47.7200012207031,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"low","other" +"female","other",57.310001373291,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"low","other" +"male","other",49.689998626709,"yes","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",66.8899993896484,"yes","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",65.7900009155273,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",66.25,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","afam",51.1500015258789,"yes","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",63.2799987792969,"yes","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",67.7099990844727,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",52.8600006103516,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",61.0699996948242,"no","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",65.4899978637695,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",49.0900001525879,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",55.3199996948242,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",69.9599990844727,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",62.8499984741211,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",58.6300010681152,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"low","other" +"female","other",62.6599998474121,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",63.4599990844727,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",54.9700012207031,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",51.8300018310547,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",65.9000015258789,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",49.310001373291,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",62.8199996948242,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",53.3400001525879,"yes","yes","no","no",4,9.92000007629395,0.454970002174377,"low","other" +"female","other",43.9900016784668,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",65.2699966430664,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",58.8699989318848,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"male","other",58.3300018310547,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",60.689998626709,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",65.5100021362305,"yes","yes","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",67.9899978637695,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",62.1100006103516,"yes","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",55.0099983215332,"no","yes","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","afam",45.1599998474121,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",54.0499992370605,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",41.689998626709,"no","no","no","yes",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",65.4700012207031,"yes","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",52.6800003051758,"yes","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",50.189998626709,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",43.939998626709,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",54.4000015258789,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.4000015258789,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",60.1399993896484,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",46.7099990844727,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.2900009155273,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",59.5299987792969,"no","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",56.8800010681152,"no","no","no","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"male","other",36.3699989318848,"no","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",53.9000015258789,"yes","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",41.0099983215332,"no","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"male","other",43.25,"yes","yes","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"high","other" +"male","other",54.0699996948242,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","hispanic",42.5200004577637,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",44.8400001525879,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",58.8199996948242,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.1399993896484,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",61.0499992370605,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",61.1800003051758,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",55.7900009155273,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",60.189998626709,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",60.8899993896484,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",62.5299987792969,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",48.3300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",64.8300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","other",57,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",54.4799995422363,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","other",41.8300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",49.9599990844727,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","other",56.9300003051758,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",57.2000007629395,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.7400016784668,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",63.1699981689453,"yes","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",65.1900024414062,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.2599983215332,"yes","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",58.7000007629395,"no","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",43.0800018310547,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",64.3099975585938,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",43.1699981689453,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",46.6300010681152,"yes","no","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"high","other" +"female","other",59.8499984741211,"yes","yes","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"high","other" +"female","other",66.3099975585938,"no","yes","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"high","other" +"female","other",54.7799987792969,"no","no","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"female","afam",64.5199966430664,"no","no","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"female","other",49.6300010681152,"no","no","no","no",4.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"male","other",65.1999969482422,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",50.4099998474121,"yes","yes","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","afam",59.0999984741211,"yes","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",64.2699966430664,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","afam",56.1199989318848,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",69.7600021362305,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","afam",57.0499992370605,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",52.8300018310547,"yes","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","other",59.1100006103516,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","other",46.9500007629395,"yes","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",47.4700012207031,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",55.0699996948242,"yes","yes","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",61.7700004577637,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.0400009155273,"yes","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.5699996948242,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.2900009155273,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",40.2599983215332,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",56.7299995422363,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",48.6699981689453,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",36.9799995422363,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",45.1800003051758,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.1699981689453,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.7900009155273,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",45.75,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","afam",53.8400001525879,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",57.5800018310547,"yes","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",57.7599983215332,"no","yes","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.120002746582,"yes","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",50.1199989318848,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","afam",46.8699989318848,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",59.0499992370605,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.4099998474121,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",56.7700004577637,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.4900016784668,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",50.9199981689453,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",60.1699981689453,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",60.3300018310547,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",47.9300003051758,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",58.2299995422363,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",38.689998626709,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",53.8499984741211,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",59.5999984741211,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",41.1199989318848,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",45.9000015258789,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",57.0099983215332,"no","yes","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",54.7999992370605,"no","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",46.9500007629395,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",60.5499992370605,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",42.9000015258789,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",49.7700004577637,"no","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","hispanic",49.0299987792969,"yes","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","other",59.439998626709,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",61.9799995422363,"yes","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","afam",47.1500015258789,"no","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","hispanic",55.25,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",53.1599998474121,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",41.9900016784668,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",55.4099998474121,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",65.5899963378906,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",52.2599983215332,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",52.6599998474121,"no","no","no","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",56.0200004577637,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","afam",54.5999984741211,"yes","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",51.0499992370605,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","hispanic",47.2599983215332,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",62.7200012207031,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",47.1699981689453,"no","yes","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.2299995422363,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.810001373291,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",58,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",56.5800018310547,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.0299987792969,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.1300010681152,"no","yes","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","other",61.2599983215332,"no","no","no","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","other",57.2799987792969,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","other",61.7200012207031,"yes","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","other",58.7900009155273,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.5299987792969,"no","yes","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","other",47.560001373291,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.3600006103516,"yes","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","hispanic",52.6100006103516,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",55.5,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",64.1999969482422,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",60.8300018310547,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.560001373291,"yes","yes","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",40.4300003051758,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"male","hispanic",51.4099998474121,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"low","other" +"male","hispanic",64.1600036621094,"yes","yes","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"high","other" +"male","other",41.810001373291,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"high","other" +"female","hispanic",50.9700012207031,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"low","other" +"male","other",43.7400016784668,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"high","other" +"female","other",48.3499984741211,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"female","other",51.439998626709,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"high","other" +"male","other",56.0900001525879,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"high","other" +"female","other",45,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"female","other",47.6500015258789,"yes","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"male","other",61.3499984741211,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"male","other",33.5800018310547,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",40.2900009155273,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",46.6399993896484,"no","no","no","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",44.5,"no","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",66.5299987792969,"no","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",49.9099998474121,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",37.25,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.689998626709,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",62.2299995422363,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",50.3699989318848,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.3199996948242,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",44.0999984741211,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",40.3699989318848,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"female","other",56.4000015258789,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.8499984741211,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",45.3899993896484,"yes","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"male","other",67.5,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","afam",48.4599990844727,"no","no","no","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",54.8800010681152,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.5500030517578,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.2000007629395,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","other",69.7600021362305,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",66.3899993896484,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",46.5800018310547,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",59.5,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","afam",59.1300010681152,"no","yes","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.3199996948242,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.0499992370605,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",36.6599998474121,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.3499984741211,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",55.939998626709,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",45.689998626709,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",63.5900001525879,"yes","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",57.939998626709,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","afam",54.9900016784668,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",49.5499992370605,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",62.0499992370605,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",50.3300018310547,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",57.2200012207031,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",50.5900001525879,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",55.8199996948242,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",50.9199981689453,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",62.560001373291,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",54.9199981689453,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",53.5200004577637,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.6800003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",48.5699996948242,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",56.7999992370605,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",46.9599990844727,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",54.3300018310547,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",50.9599990844727,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",51.6399993896484,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","afam",58.9099998474121,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.1599998474121,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",45.8800010681152,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",43.0099983215332,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.4300003051758,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.5800018310547,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","afam",61.3899993896484,"yes","yes","no","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","hispanic",57.9099998474121,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","afam",68.6600036621094,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","afam",66.3099975585938,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",59.4700012207031,"no","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.7099990844727,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",53.060001373291,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",46.7299995422363,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",56.5900001525879,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.8699989318848,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","afam",48.5200004577637,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",61.2599983215332,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",49.7000007629395,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","afam",52.3199996948242,"no","yes","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",39.8499984741211,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",54.3699989318848,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",44.1599998474121,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",51.8699989318848,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",52.0699996948242,"yes","no","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",55.5800018310547,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",51.3499984741211,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",59.25,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",39.9599990844727,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",41.6699981689453,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",38.8400001525879,"no","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",46.6100006103516,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",41.0800018310547,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",51.6100006103516,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",54.7400016784668,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","hispanic",51.8400001525879,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",56.1800003051758,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","hispanic",63.1599998474121,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",60.2999992370605,"no","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",57.1699981689453,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.5200004577637,"no","yes","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",44.2999992370605,"yes","no","no","no",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",47.4599990844727,"yes","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",55.4799995422363,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.9500007629395,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.9099998474121,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.9700012207031,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.7999992370605,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.8800010681152,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",57.9900016784668,"yes","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.8300018310547,"yes","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",42.9900016784668,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",39.7400016784668,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",53.310001373291,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",36.2299995422363,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",52.0400009155273,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",47.7400016784668,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",57.2799987792969,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",48.3899993896484,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",60.2400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",51.4700012207031,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",51.2400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",60.6699981689453,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.3899993896484,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",53.1300010681152,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",57.1300010681152,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",61.4300003051758,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",57.7799987792969,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",68.8600006103516,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",54.75,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",60.560001373291,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",53.8499984741211,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",49.75,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",43.6500015258789,"yes","yes","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",53.2700004577637,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",64.3899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",53.4099998474121,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",59.5499992370605,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",51.1199989318848,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",51.3300018310547,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",50.4300003051758,"no","yes","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.0099983215332,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",52.2999992370605,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",63.2099990844727,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",55.3499984741211,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",58.4700012207031,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",65.8499984741211,"yes","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",61,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",60.7200012207031,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",58.2900009155273,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","other",56.5400009155273,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",51.0699996948242,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",57.1399993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",54.8400001525879,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",58.3499984741211,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",57.7200012207031,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",60.7299995422363,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",52.5499992370605,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",58.7099990844727,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",52.8800010681152,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",52.310001373291,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",64.129997253418,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",42.1399993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.7900009155273,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",51.6100006103516,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",57.8499984741211,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",61.2900009155273,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",52.2799987792969,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.5299987792969,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",40.9900016784668,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",54.0800018310547,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",62.9300003051758,"yes","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",50.5,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.9700012207031,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.4500007629395,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",52.939998626709,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",56.8400001525879,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.4500007629395,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",48.8899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",56.9700012207031,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",49.4300003051758,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",49.8800010681152,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",59.7099990844727,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",48.6100006103516,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",47.0200004577637,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",48.6199989318848,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",61.1199989318848,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",61.9000015258789,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",48.8600006103516,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",56.0299987792969,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",53.7099990844727,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.8699989318848,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",54.2200012207031,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",65.129997253418,"yes","yes","yes","no",5.80000019073486,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",58.7999992370605,"no","no","yes","no",5.80000019073486,9.55000019073486,0.805999994277954,"high","west" +"male","other",62.9700012207031,"yes","no","yes","no",5.80000019073486,9.55000019073486,0.805999994277954,"high","west" +"male","other",58.939998626709,"yes","yes","no","no",5.80000019073486,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",53.9099998474121,"no","no","yes","no",4.40000009536743,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",48.25,"yes","no","yes","no",4.40000009536743,9.55000019073486,0.805999994277954,"low","west" +"male","other",63.1199989318848,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",46.8899993896484,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",46.6699981689453,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",56.6599998474121,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",45.9199981689453,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",44.310001373291,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",49.3499984741211,"yes","no","yes","yes",6.90000009536743,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",45.310001373291,"no","no","yes","yes",6.90000009536743,9.55000019073486,0.805999994277954,"low","west" +"female","other",67.4000015258789,"no","no","yes","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",47.8800010681152,"no","no","yes","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",38.9099998474121,"no","no","yes","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","hispanic",48.0999984741211,"no","no","no","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",43.6399993896484,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"high","west" +"female","other",40.3600006103516,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",50.7799987792969,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",60.0499992370605,"no","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",45.3899993896484,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",63.1300010681152,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",49.0499992370605,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",51.7099990844727,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",58.7200012207031,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",53.5800018310547,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","other",50.25,"yes","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","hispanic",50.8600006103516,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"high","west" +"female","other",43.1699981689453,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"high","west" +"male","other",68.2200012207031,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",46.3300018310547,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",54.2599983215332,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",57.9000015258789,"yes","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"high","west" +"male","other",56.9599990844727,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",58,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",43.6100006103516,"yes","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"high","west" +"male","other",57.3800010681152,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",53.560001373291,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"low","west" +"male","other",54.6800003051758,"yes","no","yes","no",5.30000019073486,9.5,0.547340035438538,"low","west" +"male","hispanic",43.6300010681152,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",58.8800010681152,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",55.0900001525879,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","hispanic",41.2000007629395,"no","no","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"female","other",36.0699996948242,"no","no","no","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"male","other",54.310001373291,"no","no","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"male","other",42.4599990844727,"yes","no","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"male","other",58.5499992370605,"no","no","no","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"female","other",58.8400001525879,"yes","yes","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"female","hispanic",40.3800010681152,"no","no","no","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",45.8300018310547,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",60.3499984741211,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",46.2200012207031,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",56.8600006103516,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",53.2400016784668,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",45.689998626709,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",49.9000015258789,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",56.0699996948242,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",61.1599998474121,"no","no","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"low","west" +"female","other",46.060001373291,"yes","no","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"low","west" +"male","other",45.8699989318848,"no","yes","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",34.4799995422363,"no","no","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"low","west" +"female","other",60.7900009155273,"no","no","yes","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"female","other",50.0099983215332,"no","no","yes","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"female","other",54.060001373291,"yes","yes","no","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"male","other",57.7000007629395,"yes","no","yes","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"male","other",46.939998626709,"no","no","no","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"male","other",37.2000007629395,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"male","other",41.3699989318848,"no","no","no","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",32.7599983215332,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"male","other",54.8899993896484,"no","no","no","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",34.7799987792969,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",38.0999984741211,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",62.3300018310547,"yes","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"male","other",46.939998626709,"yes","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",41.5400009155273,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"low","west" +"female","other",61.4500007629395,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",42.8300018310547,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"low","west" +"male","other",45.7999992370605,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"female","other",40.3199996948242,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",60.3199996948242,"yes","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",38.0200004577637,"no","no","no","no",7.69999980926514,9.55000019073486,0.805999994277954,"high","west" +"male","other",63.9199981689453,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",61.25,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",43.9799995422363,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",44.0499992370605,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",47.2700004577637,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",46.4599990844727,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",39.2099990844727,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",52.4199981689453,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",51.75,"no","no","no","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",45.8300018310547,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",50.7700004577637,"no","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","afam",39.4099998474121,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","hispanic",46.560001373291,"no","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"male","other",50.9900016784668,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"male","other",40.7700004577637,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","other",45.7400016784668,"no","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","other",49.1800003051758,"no","no","yes","no",8.19999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",51.9799995422363,"no","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",45.9599990844727,"no","yes","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",50.1500015258789,"no","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",53.2400016784668,"yes","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"high","west" +"male","other",64.4300003051758,"no","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","hispanic",44.0999984741211,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",48.1599998474121,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"female","other",45.0999984741211,"yes","yes","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",41.2000007629395,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","other",47.6100006103516,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","other",62.2599983215332,"no","yes","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"female","other",44.7299995422363,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","other",46.0900001525879,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"male","other",49.2700004577637,"no","yes","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"male","other",45.1100006103516,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"female","other",72.8099975585938,"no","yes","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",39.1699981689453,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",57.2099990844727,"yes","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"male","other",59.1599998474121,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",54.6399993896484,"no","yes","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",64.879997253418,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",51.8499984741211,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"male","other",46.1399993896484,"no","no","no","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",36.0800018310547,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"male","other",62.4700012207031,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"male","other",44.6399993896484,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",40.5299987792969,"yes","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",37.75,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"female","other",41.7999992370605,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"male","other",48.560001373291,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"low","west" +"male","other",67.5699996948242,"yes","yes","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"high","west" +"male","other",44.4799995422363,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"high","west" +"male","other",62.5900001525879,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"low","west" +"male","other",56.8699989318848,"yes","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"high","west" +"female","other",34,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"low","west" +"female","other",41.2900009155273,"no","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",60.4900016784668,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",65.9199981689453,"no","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",61.4199981689453,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",48.0900001525879,"no","no","yes","no",8,12.960000038147,0.713630020618439,"high","west" +"female","other",54.75,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",53.6300010681152,"no","no","yes","no",8,12.960000038147,0.713630020618439,"high","west" +"female","other",59.5099983215332,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",51.25,"no","no","yes","yes",8,12.960000038147,0.713630020618439,"low","west" +"female","other",61.0999984741211,"no","no","yes","no",7,11.5600004196167,1.07737004756927,"low","west" +"male","other",42.5099983215332,"no","no","yes","no",7,11.5600004196167,1.07737004756927,"low","west" +"male","other",63.1100006103516,"no","no","yes","no",7,11.5600004196167,1.07737004756927,"low","west" +"male","other",62.2400016784668,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",47.0499992370605,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",54.4799995422363,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"female","other",58.8400001525879,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"male","other",41.6399993896484,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"male","other",66.8300018310547,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",39.8499984741211,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"high","west" +"female","other",46.2799987792969,"no","yes","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",59.3899993896484,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",42.5699996948242,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",57.8300018310547,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",46.1399993896484,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",55.7000007629395,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"high","west" +"female","other",41.8800010681152,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",37.0299987792969,"no","no","no","no",13.8000001907349,12.960000038147,0.713630020618439,"low","west" +"female","other",44.439998626709,"no","no","yes","no",13.8000001907349,12.960000038147,0.713630020618439,"high","west" +"male","other",64.5999984741211,"yes","no","yes","no",13.8000001907349,12.960000038147,0.713630020618439,"high","west" +"male","afam",58.9300003051758,"yes","yes","yes","yes",7,11.5600004196167,1.07737004756927,"high","west" +"male","other",61.9099998474121,"no","no","yes","yes",7,11.5600004196167,1.07737004756927,"high","west" +"female","other",59.4700012207031,"yes","yes","yes","yes",7,11.5600004196167,1.07737004756927,"low","west" +"female","other",59.5999984741211,"yes","yes","yes","yes",7,11.5600004196167,1.07737004756927,"high","west" +"female","other",53.9000015258789,"no","no","yes","yes",7,11.5600004196167,1.07737004756927,"low","west" +"female","other",38.3499984741211,"no","no","yes","no",10.1999998092651,12.960000038147,0.713630020618439,"low","west" +"female","other",47.2099990844727,"yes","no","yes","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"female","other",49.7299995422363,"no","no","yes","no",7.19999980926514,12.960000038147,0.713630020618439,"high","west" +"female","other",44.1800003051758,"no","no","yes","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"male","other",59.5499992370605,"no","no","no","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"male","other",48.1100006103516,"no","no","no","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"female","other",49.4700012207031,"no","no","yes","no",10.8999996185303,11.5600004196167,1.07737004756927,"high","west" +"male","other",45.9000015258789,"no","no","yes","no",10.8999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",46.7799987792969,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",50.5800018310547,"yes","no","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",52.5800018310547,"no","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",43.4000015258789,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",62.5699996948242,"no","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",57.5999984741211,"yes","no","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",47.8300018310547,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",45.560001373291,"no","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",45.2200012207031,"yes","no","yes","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"female","other",43.1399993896484,"no","no","no","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"male","other",61.4799995422363,"no","no","yes","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"male","other",52.060001373291,"no","no","yes","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"male","other",57.6100006103516,"no","no","no","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"female","other",58.9300003051758,"yes","yes","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",57.5299987792969,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",59.9599990844727,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",53.5499992370605,"no","no","no","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",50.8699989318848,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",58.6500015258789,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",45.7700004577637,"no","no","yes","no",10.6999998092651,11.5600004196167,1.07737004756927,"low","west" +"male","other",51.7599983215332,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",45.5200004577637,"no","no","no","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.8699989318848,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.2400016784668,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.25,"yes","yes","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",56,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.3800010681152,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",55.189998626709,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.0200004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",37.8300018310547,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.939998626709,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",42.7900009155273,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",39.7900009155273,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.6399993896484,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",49.5499992370605,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",60.5699996948242,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.8899993896484,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.2200012207031,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",58.8199996948242,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",70.6999969482422,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.9000015258789,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.2099990844727,"yes","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.310001373291,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",49.060001373291,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",36.6100006103516,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.5200004577637,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.25,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.6800003051758,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.0499992370605,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.189998626709,"yes","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.4799995422363,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",36.9500007629395,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.9900016784668,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",52.8899993896484,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.8600006103516,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",49.2200012207031,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",49.0699996948242,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.5,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",49.7400016784668,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.6599998474121,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.5499992370605,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",55.310001373291,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",49.9099998474121,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.3300018310547,"yes","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.1699981689453,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.4500007629395,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.5999984741211,"yes","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",57.189998626709,"no","yes","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",52.8400001525879,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.3499984741211,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.2700004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",50.1500015258789,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",45.7099990844727,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",35.2700004577637,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.1699981689453,"yes","yes","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.0699996948242,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.5,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.5299987792969,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",45.3199996948242,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",66.3499984741211,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",60.939998626709,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",47.8400001525879,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.6599998474121,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.0999984741211,"yes","yes","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",60.4099998474121,"yes","yes","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.2099990844727,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.6100006103516,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.8499984741211,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.3899993896484,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",56.8400001525879,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",46.939998626709,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",41.4500007629395,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.2400016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.4700012207031,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.8199996948242,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.2599983215332,"no","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",55.5400009155273,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","afam",62.8499984741211,"yes","no","no","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.4599990844727,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.7000007629395,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.2599983215332,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",51.4500007629395,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.7099990844727,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",46.9900016784668,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","afam",51.3400001525879,"no","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.5999984741211,"yes","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.9700012207031,"yes","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",45.4700012207031,"no","no","no","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.0499992370605,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.1500015258789,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",40.2999992370605,"yes","yes","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",67.5800018310547,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.5499992370605,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",44.8499984741211,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.4599990844727,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.9500007629395,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",45.6800003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",43.6399993896484,"no","no","no","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",40.5499992370605,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",50.7299995422363,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",33.9300003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.6500015258789,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",61.310001373291,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",44.2700004577637,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.7299995422363,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",48.25,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",70.5599975585938,"yes","yes","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",58.8199996948242,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.3199996948242,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.2599983215332,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",56.5,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",46.4500007629395,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",70.5599975585938,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",50.1500015258789,"no","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.3499984741211,"no","yes","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.7999992370605,"no","yes","no","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.189998626709,"no","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.6800003051758,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",39.3899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.7400016784668,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",45.8499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",45.2099990844727,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.6699981689453,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.9000015258789,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",64.1699981689453,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.1800003051758,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.9900016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",40.3199996948242,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.7099990844727,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.4099998474121,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.6300010681152,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.5699996948242,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.7000007629395,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",51.7200012207031,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.0299987792969,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",41.0900001525879,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","afam",50.2799987792969,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",63.7900009155273,"no","no","no","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.2700004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",62.2299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.4599990844727,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",46.6399993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",33.5200004577637,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.2400016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.0200004577637,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.7400016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",44.3600006103516,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.7000007629395,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",37.9500007629395,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.5699996948242,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.689998626709,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.310001373291,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.8499984741211,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.4799995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.7700004577637,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.6100006103516,"yes","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",48.5499992370605,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",48.9099998474121,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.1399993896484,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.7900009155273,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.7400016784668,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.7400016784668,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.5200004577637,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",44.8600006103516,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",60.5099983215332,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.6300010681152,"yes","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",62.8300018310547,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",54.939998626709,"yes","no","no","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",45.5800018310547,"no","no","no","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.5200004577637,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.3199996948242,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.939998626709,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",41.3699989318848,"no","no","no","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.1399993896484,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.9099998474121,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.9599990844727,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","other",63.2400016784668,"yes","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.7200012207031,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.1199989318848,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",60.2400016784668,"yes","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",43.2599983215332,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",46.6300010681152,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",61.7900009155273,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.1399993896484,"yes","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",43.5299987792969,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.9900016784668,"yes","yes","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",46.3800010681152,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",53.2700004577637,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",62.7599983215332,"no","no","no","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.9700012207031,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.0299987792969,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",61.5999984741211,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.9500007629395,"yes","yes","no","no",5.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.7700004577637,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",42.8400001525879,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.2599983215332,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",47.2900009155273,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.5200004577637,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",42.4799995422363,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.1500015258789,"no","no","no","no",10.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.2200012207031,"no","yes","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.7299995422363,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.6800003051758,"yes","no","no","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"female","afam",59.3400001525879,"no","no","no","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.0400009155273,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.4700012207031,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",45.1100006103516,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.0400009155273,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.0400009155273,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",66.379997253418,"yes","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",60.0999984741211,"yes","yes","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.5400009155273,"yes","yes","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",55.4099998474121,"yes","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",50.5,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",44.4900016784668,"yes","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.6699981689453,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.310001373291,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",50.1300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",37.3499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",35.6599998474121,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.8199996948242,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",48.939998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.0999984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.7200012207031,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.6199989318848,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",43.75,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",59.0099983215332,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.0900001525879,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.560001373291,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",38.7700004577637,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.3800010681152,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.2400016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",42.0999984741211,"no","no","yes","yes",10.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","other",52.5299987792969,"no","no","yes","yes",10.8999996185303,8.89000034332275,0.257510006427765,"high","west" +"female","afam",36.1800003051758,"no","no","no","yes",10.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"female","other",35.5,"no","no","no","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",48.5699996948242,"no","no","yes","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.9300003051758,"no","no","yes","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",59.810001373291,"no","no","yes","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","other",50.5999984741211,"yes","yes","no","no",6.40000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",42.0699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.1500015258789,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.5200004577637,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.7700004577637,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.4099998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.439998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.8800010681152,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",51.25,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.9199981689453,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.4300003051758,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",63.5699996948242,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.8600006103516,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.7799987792969,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",35.6599998474121,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.9300003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.1800003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.0999984741211,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.6599998474121,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",60.939998626709,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",43.2999992370605,"no","no","yes","no",8,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",47.3699989318848,"no","yes","no","no",8,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",50.7799987792969,"no","no","yes","no",8,8.89000034332275,0.257510006427765,"high","west" +"male","other",62.6399993896484,"no","no","yes","no",8,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.7099990844727,"yes","no","yes","no",8,8.89000034332275,0.257510006427765,"high","west" +"female","other",50.0299987792969,"yes","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.3899993896484,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.0800018310547,"no","no","no","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.3499984741211,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",43.9199981689453,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.6199989318848,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","afam",34.1800003051758,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","afam",43.6500015258789,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",50.2299995422363,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","afam",41.8499984741211,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",40.5699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",34.5,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.9900016784668,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.7700004577637,"no","no","no","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.1100006103516,"yes","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.7999992370605,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.7799987792969,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",62.3899993896484,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.3300018310547,"no","yes","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.9500007629395,"no","no","yes","no",12.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.7700004577637,"yes","no","yes","no",12.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","afam",32.4599990844727,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.7700004577637,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",37.810001373291,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",45.2200012207031,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",52.0200004577637,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.2799987792969,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",35.189998626709,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",44.9099998474121,"no","no","no","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.1399993896484,"yes","yes","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",55.0099983215332,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.4500007629395,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","afam",43.8600006103516,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","afam",34.0800018310547,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",46.6800003051758,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","afam",44.689998626709,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",36.2700004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.2799987792969,"yes","yes","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.75,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.9000015258789,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",50.5200004577637,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.75,"no","yes","yes","no",9,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.8699989318848,"no","yes","yes","yes",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",37.1199989318848,"no","no","yes","yes",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.1599998474121,"no","no","yes","yes",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.0200004577637,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",45.3899993896484,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.3699989318848,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.689998626709,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",63.2599983215332,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",39.9099998474121,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",49.5099983215332,"no","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",38.0200004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",50.0900001525879,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",40.9300003051758,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.5200004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.4900016784668,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",35.7700004577637,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.4300003051758,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.9599990844727,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",44.8800010681152,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",63.0699996948242,"no","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","other",61.2900009155273,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",38.9900016784668,"no","no","no","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.5800018310547,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",41.5699996948242,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",37.310001373291,"no","no","no","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.7000007629395,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","afam",51.7099990844727,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",64.1699981689453,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",56.0900001525879,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.1699981689453,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",50.8300018310547,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",34.689998626709,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",45.5200004577637,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",64.75,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.5099983215332,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.1500015258789,"no","no","no","no",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",48.9300003051758,"no","no","yes","no",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",43.0299987792969,"no","no","yes","no",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","other",60.4500007629395,"yes","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"female","hispanic",39.2999992370605,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",47.9000015258789,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","afam",43.6399993896484,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",52.0200004577637,"no","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",45.5099983215332,"no","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",46.6100006103516,"no","yes","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",47.5999984741211,"yes","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",52.8199996948242,"no","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",58.4799995422363,"no","yes","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",42.439998626709,"no","yes","no","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",45.8499984741211,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",35.9599990844727,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","other",40.310001373291,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",39.5900001525879,"no","no","no","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",38.9000015258789,"no","no","no","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",45.25,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",40.4300003051758,"no","no","no","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",39.9599990844727,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",51.5400009155273,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",42.0699996948242,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"high","west" +"female","hispanic",36.9199981689453,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",49.9599990844727,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",40.6100006103516,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"high","west" +"female","hispanic",37.8199996948242,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",52.5900001525879,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",60.0699996948242,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",62.1399993896484,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","other",54.560001373291,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",38.2799987792969,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",46.060001373291,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",52.3499984741211,"no","no","no","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",39.25,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",37.439998626709,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.8699989318848,"yes","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",50.4099998474121,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",51.9599990844727,"no","yes","yes","no",6.30000019073486,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",56.2200012207031,"no","no","yes","no",6.30000019073486,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",51.7099990844727,"no","no","yes","no",6.30000019073486,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",36.4900016784668,"no","no","no","no",7.09999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","other",48.2000007629395,"no","no","yes","no",7.09999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",42.3800010681152,"no","no","yes","no",7.09999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",58.0200004577637,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","other",45.4199981689453,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",55.25,"yes","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"high","west" +"female","hispanic",49.8899993896484,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",37.0699996948242,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"male","other",61.6399993896484,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","other",54.4500007629395,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",56.7099990844727,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",58.6800003051758,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",59.1199989318848,"yes","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.2799987792969,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",45.189998626709,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",48.5999984741211,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",47.8699989318848,"yes","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","other",47.8699989318848,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",38.310001373291,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",39,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",54.5499992370605,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",44.3300018310547,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",51.2999992370605,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",48.4000015258789,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","other",40.9099998474121,"no","no","no","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",51.9700012207031,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",44.8300018310547,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","other",48.4099998474121,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",45.2700004577637,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","other",50.8499984741211,"no","no","no","no",8,8.40999984741211,0.692840039730072,"high","west" +"male","hispanic",47.7799987792969,"yes","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","other",59.4599990844727,"yes","yes","yes","no",8,8.40999984741211,0.692840039730072,"high","west" +"female","hispanic",46.7000007629395,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",43.4099998474121,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","other",59.4199981689453,"yes","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",51.0400009155273,"no","no","no","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","other",62.2099990844727,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"male","other",45.310001373291,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","afam",33.5800018310547,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","other",48.4700012207031,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"male","other",52.4099998474121,"yes","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",56.0800018310547,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",39.0299987792969,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",39.7700004577637,"yes","no","no","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",41.1300010681152,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",45.5999984741211,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.7200012207031,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",40.4500007629395,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"high","west" +"female","hispanic",44.6300010681152,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",48.6100006103516,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","other",46,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",45.4599990844727,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",43.0099983215332,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",37.9599990844727,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",51.7099990844727,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",39.6100006103516,"no","no","no","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",46.6599998474121,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.3499984741211,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",39.2999992370605,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",43.6399993896484,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",42.6100006103516,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"female","other",55.0900001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",55.6199989318848,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.7299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",41,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",37.0400009155273,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",56.8199996948242,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",65.0400009155273,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",55.3899993896484,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",52.0699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",54.9599990844727,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.9199981689453,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.4900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",54.2599983215332,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",36.2299995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",49.0800018310547,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.9300003051758,"no","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",47.4300003051758,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.8600006103516,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.9100036621094,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.4700012207031,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.6199989318848,"no","yes","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","afam",46.9599990844727,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.4799995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",48.4799995422363,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.5,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.2000007629395,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.3899993896484,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.8400001525879,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",44.9199981689453,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",50.4700012207031,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.7000007629395,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",60.7099990844727,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.1199989318848,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",50.4300003051758,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.9199981689453,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.8499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",54.8400001525879,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.5699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.5299987792969,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.0200004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53.3800010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",62.6599998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",47.8300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",52.4700012207031,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",53.2400016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.5800018310547,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",43.1199989318848,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",37.7700004577637,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.189998626709,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.6300010681152,"yes","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",37.3300018310547,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.060001373291,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",42.5900001525879,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",50.7299995422363,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.8899993896484,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",55.9000015258789,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.9700012207031,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",59.560001373291,"no","no","no","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.0099983215332,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",46,"yes","yes","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.7700004577637,"yes","yes","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.9300003051758,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","afam",46.2000007629395,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","afam",59.3600006103516,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",55.4900016784668,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",54.8199996948242,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",39.8199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",55.2799987792969,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",56.0200004577637,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.8400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.6500015258789,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.310001373291,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",32.8400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.6100006103516,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",44.689998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.8499984741211,"yes","yes","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.5900001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",49.3499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",32.7400016784668,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.2200012207031,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",59.6300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",51.1100006103516,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","afam",46.560001373291,"no","yes","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.7999992370605,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.0200004577637,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.2900009155273,"no","no","no","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.1199989318848,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","afam",34.7799987792969,"no","yes","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","afam",38.4000015258789,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",36.4500007629395,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",62.560001373291,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.25,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",57.3899993896484,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",40.9000015258789,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.189998626709,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",41.3400001525879,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","afam",37.9500007629395,"yes","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",31.8199996948242,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.5099983215332,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.7900009155273,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.8899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",47.1500015258789,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58.6199989318848,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.75,"no","yes","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",40.560001373291,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.2299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",43.6399993896484,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.0099983215332,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",42.6300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",38.9500007629395,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",49.4500007629395,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58.6800003051758,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",38.8499984741211,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.0499992370605,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",41.5299987792969,"no","no","no","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.9799995422363,"no","no","no","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.0200004577637,"yes","yes","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.9500007629395,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",68.3600006103516,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.3899993896484,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",41.4000015258789,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.4799995422363,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",61.1599998474121,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53.3600006103516,"no","no","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.6699981689453,"no","no","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.2900009155273,"no","no","no","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.9900016784668,"no","no","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",60.2700004577637,"no","yes","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",44.7799987792969,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",52.7599983215332,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",34.6199989318848,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",60.3199996948242,"yes","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.9199981689453,"no","no","no","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.4599990844727,"no","no","no","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",60.0400009155273,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.810001373291,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58.189998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",38.3300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",38.8899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.4799995422363,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.5999984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.5999984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.3300018310547,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",37.1599998474121,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.2200012207031,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.2400016784668,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.7299995422363,"yes","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",62.2799987792969,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",33.7400016784668,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",37.5299987792969,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",43.3600006103516,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.3600006103516,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.7400016784668,"yes","yes","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",40.0400009155273,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.060001373291,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.5,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.3699989318848,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","other",62.0699996948242,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"high","west" +"female","hispanic",40.8400001525879,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"male","other",54.189998626709,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","hispanic",54.4900016784668,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","hispanic",39.3199996948242,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"male","hispanic",52.2900009155273,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","hispanic",46.0099983215332,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.2900009155273,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",35.1800003051758,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",54.4900016784668,"no","no","yes","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.5400009155273,"no","no","no","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.9500007629395,"no","no","yes","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",55.6800003051758,"no","no","yes","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.189998626709,"yes","no","no","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.8300018310547,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",54.810001373291,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.5800018310547,"no","yes","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",54.810001373291,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.7599983215332,"no","no","yes","yes",10.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","other",66.1699981689453,"yes","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",67.3199996948242,"yes","no","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.8800010681152,"yes","no","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.75,"yes","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",66.6600036621094,"yes","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",40.75,"yes","yes","no","no",4.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","afam",32.1399993896484,"no","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.9000015258789,"yes","no","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.3300018310547,"no","no","no","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.8300018310547,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",52.8600006103516,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",56.0999984741211,"yes","no","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",53.2200012207031,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",58.5,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",62.6500015258789,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",48.75,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",60.2400016784668,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",63.1399993896484,"yes","yes","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",61.5099983215332,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",64.9700012207031,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","afam",53.0400009155273,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",53.5,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",58.3499984741211,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",59.5,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",43.6199989318848,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.9099998474121,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.060001373291,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",66.1999969482422,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.2200012207031,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.1699981689453,"yes","yes","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.6399993896484,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",51.2700004577637,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.3800010681152,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","afam",47.2700004577637,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.2999992370605,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",41.6399993896484,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.8400001525879,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",59.0299987792969,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.0800018310547,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",56.5999984741211,"yes","no","no","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",44.060001373291,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.0900001525879,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.2000007629395,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",60.4700012207031,"no","no","yes","no",10.6999998092651,11.5600004196167,1.07737004756927,"low","west" +"male","other",54.3800010681152,"no","no","yes","no",10.6999998092651,11.5600004196167,1.07737004756927,"low","west" +"female","other",45.9199981689453,"no","yes","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.0900001525879,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.0699996948242,"yes","yes","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.3800010681152,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.7200012207031,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",65.129997253418,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.3800010681152,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",43.1500015258789,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",57.8199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",47.8199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",48.4900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",49.7299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",52.1399993896484,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.4099998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.3499984741211,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",57.5,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.9000015258789,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.3699989318848,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",59.9799995422363,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",57.2900009155273,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.6399993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.1300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.9599990844727,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.8899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.75,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",46.3400001525879,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",61.75,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.0900001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.2299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.1699981689453,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.5499992370605,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53.3300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.7200012207031,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.6199989318848,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",48.3400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.9900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.939998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.0200004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",39.8699989318848,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",48.4900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","afam",69.9000015258789,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",53.5800018310547,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",47.060001373291,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.1599998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.0400009155273,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",68.4400024414062,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.0299987792969,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",46.9099998474121,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",40.7099990844727,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.5999984741211,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.189998626709,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.7299995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",52.0099983215332,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",52.7599983215332,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",57.1599998474121,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.5,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","afam",66.5199966430664,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",69.3199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",55.6199989318848,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",66.3099975585938,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",46.9099998474121,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.4199981689453,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",44.9700012207031,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",42.0800018310547,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.2400016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",51.689998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.3400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",67.1800003051758,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",58.1599998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.439998626709,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",49.25,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",50.8300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.2900009155273,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",56.5299987792969,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",59.7700004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",43.1699981689453,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",49.9700012207031,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",53.4099998474121,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" diff --git a/src/ICP/Test/IssueReport/X3small.csv b/src/ICP/Test/IssueReport/X3small.csv new file mode 100644 index 00000000..ac1dae1e --- /dev/null +++ b/src/ICP/Test/IssueReport/X3small.csv @@ -0,0 +1,100 @@ +"gender","ethnicity","score","fcollege","mcollege","home","urban","unemp","wage","tuition","income","region" +"male","other",39.1500015258789,"yes","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",48.8699989318848,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"male","other",48.7400016784668,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"male","afam",40.4000015258789,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",40.4799995422363,"no","no","no","yes",5.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"male","other",54.7099990844727,"no","no","yes","yes",5.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"female","other",56.0699996948242,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",54.8499984741211,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",64.7399978637695,"yes","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",56.060001373291,"no","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",42.2200012207031,"no","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","afam",61.1800003051758,"no","yes","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.8499984741211,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",58.7700004577637,"yes","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",53.7200012207031,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",61.5200004577637,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",52.5299987792969,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",45.0099983215332,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",57.7099990844727,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",59.3600006103516,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",50.9300003051758,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",59.560001373291,"yes","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",58.4599990844727,"yes","yes","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",55.7000007629395,"no","no","no","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",60.810001373291,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","afam",40.5999984741211,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",49.9900016784668,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",59.689998626709,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",60.3300018310547,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",60.1399993896484,"yes","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",68.5800018310547,"yes","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",42.6100006103516,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",58.6599998474121,"yes","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"male","other",58.1399993896484,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",58.9500007629395,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",49.3699989318848,"no","no","yes","yes",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",47.25,"no","yes","no","yes",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",61.0299987792969,"yes","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"male","other",54.3499984741211,"no","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",68.120002746582,"yes","yes","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"male","other",70.0999984741211,"yes","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.6100006103516,"no","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.5699996948242,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.1100006103516,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",39.4099998474121,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.9799995422363,"yes","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"high","other" +"female","afam",41.5900001525879,"yes","yes","no","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",55.3199996948242,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","hispanic",42.2299995422363,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",62,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","hispanic",49.6500015258789,"no","no","no","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",44.9599990844727,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",37.310001373291,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",39.8699989318848,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",56.439998626709,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","afam",42.6500015258789,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",60.0499992370605,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",38.3199996948242,"no","no","no","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",65.870002746582,"yes","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",44.6500015258789,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",57.7400016784668,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",60.3800010681152,"yes","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",62.7700004577637,"no","no","no","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.7299995422363,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.060001373291,"yes","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.0200004577637,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.7400016784668,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",46.2799987792969,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"low","other" +"female","other",60.4000015258789,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"low","other" +"male","other",53.2099990844727,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"high","other" +"female","other",60.9300003051758,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.439998626709,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",45.310001373291,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",60.2200012207031,"yes","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",56.4199981689453,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",62.2700004577637,"no","yes","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",51.8400001525879,"yes","yes","no","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",57.5499992370605,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",57.6199989318848,"yes","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",57.5,"no","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",65.3099975585938,"yes","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",50.6199989318848,"yes","no","yes","no",7.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",51.2299995422363,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",53.5499992370605,"no","no","no","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.5200004577637,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",43.4099998474121,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.5,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.3199996948242,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",36.3699989318848,"no","no","no","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",43.7999992370605,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",45.1399993896484,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"high","other" +"female","other",63.2599983215332,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",51.3199996948242,"yes","yes","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"male","other",44.2299995422363,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",42.9300003051758,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"high","other" +"female","other",47.5999984741211,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"male","other",56.4700012207031,"yes","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"high","other" +"male","other",64.6900024414062,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"female","other",62.3499984741211,"yes","yes","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" \ No newline at end of file diff --git a/src/ICP/Test/IssueReport/Y3.csv b/src/ICP/Test/IssueReport/Y3.csv new file mode 100644 index 00000000..ccd21609 --- /dev/null +++ b/src/ICP/Test/IssueReport/Y3.csv @@ -0,0 +1,4740 @@ +"Y" +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +0 +1 +0 +1 +0 +0 +1 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +1 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +1 +0 +0 +1 +0 +1 +1 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +1 +1 +0 +1 +1 +0 +1 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +0 +1 +1 +1 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +1 +1 +1 +1 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +1 +0 +0 +1 +1 +1 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +1 +1 +1 +1 +0 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +0 +0 +0 +1 +1 +1 +0 +1 +1 +0 +1 +1 +1 +1 +1 +1 +1 +1 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +1 +1 +0 +1 +1 +1 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +1 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +1 +1 +1 +0 +0 +1 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +1 +1 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +1 +1 +0 +1 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +0 +0 +1 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +1 +1 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +1 +1 +1 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +1 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 diff --git a/src/ICP/Test/IssueReport/Y3small.csv b/src/ICP/Test/IssueReport/Y3small.csv new file mode 100644 index 00000000..216d9444 --- /dev/null +++ b/src/ICP/Test/IssueReport/Y3small.csv @@ -0,0 +1,100 @@ +"Y" +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 \ No newline at end of file diff --git a/src/ICP/Test/IssueReport/Y3smallnonBinary.csv b/src/ICP/Test/IssueReport/Y3smallnonBinary.csv new file mode 100644 index 00000000..5b1a32e9 --- /dev/null +++ b/src/ICP/Test/IssueReport/Y3smallnonBinary.csv @@ -0,0 +1,100 @@ +"Y" +10 +20 +30 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 \ No newline at end of file diff --git a/src/ICP/Test/X1.csv b/src/ICP/Test/X1.csv new file mode 100644 index 00000000..9bfa0d57 --- /dev/null +++ b/src/ICP/Test/X1.csv @@ -0,0 +1,4001 @@ +"V1","V2","V3","V4","V5" +-0.626453810742332,-1.1346301818428,0.263703400741799,-0.939106626542494,-0.405477786338024 +0.183643324222082,0.764557098985494,-0.829451847251965,1.39366492779638,1.96744393955546 +-0.835628612410047,0.57071013812077,-1.46163477432866,1.62581486246563,2.58201415766097 +1.59528080213779,-1.35169392873999,1.68399017929831,0.409001064984094,1.88468127146943 +0.329507771815361,-2.02988546892015,-1.54432428766027,-0.092558557951794,-1.10858489567313 +-0.820468384118015,0.59047865366269,-0.190887125460486,0.206098709130853,1.32804310986095 +0.487429052428485,-1.41306996358893,1.01621169819324,-0.0916028925650905,0.797204337591774 +0.738324705129217,1.61034155096049,0.547126202044048,-0.460001359359083,0.0357901617321935 +0.575781351653492,1.84044254689097,0.755154007700156,0.567494277313853,0.418795161516356 +-0.305388387156356,1.36829790968081,-0.419804196586658,-1.46018697071985,-0.712373868843035 +1.51178116845085,-1.25557313458956,1.81078206202833,-0.750573164161882,0.10223142619587 +0.389843236411431,-1.38434708819005,-0.110802355847828,-0.287135517890057,-0.242520477068989 +-0.621240580541804,-0.0195796792576955,0.360255449915776,0.831634079640363,0.353826678118262 +-2.2146998871775,0.162585654762545,-0.106309479570846,-0.526986739821502,-1.27655864961979 +1.12493091814311,-0.134708351469953,-0.69271070829379,-1.83264390293434,-1.07048217322651 +-0.0449336090152309,-0.0847986379498059,1.05654836603028,1.04643156067966,-1.6790484794282 +-0.0161902630989461,-0.572961857183522,0.763626970500598,-0.519688393861404,1.48165055108109 +0.943836210685299,1.66760643628207,-2.23051432165733,1.05350590880319,0.612817765776953 +0.821221195098089,-0.57670173483092,0.392795258862341,1.3615272563673,1.52887808381659 +0.593901321217509,0.301856343087538,-0.763776843669467,0.055902127897642,-0.924511213060501 +0.918977371608218,-0.389822327794674,-0.160173690861392,0.116573512948872,-1.38492990405968 +0.782136300731067,-0.805946268792022,1.38570159943181,1.46795185075542,1.86269860153583 +0.0745649833651906,-0.650873892773728,0.0984408543730287,0.377741731949053,-1.09363787445938 +-1.98935169586337,-1.82620269735605,0.633756275304935,-0.130765991439146,-0.862476838813558 +0.61982574789471,-0.0998313939175012,-0.549741859038556,0.653197381100272,0.469094056978716 +-0.0561287395290008,0.129403465792139,0.630221206947342,1.28436952183957,-0.37474523221554 +-0.155795506705329,0.415468902905128,-0.476780817075594,0.963152880318901,0.655849578545421 +-1.47075238389927,1.3115125574602,0.254120685003172,-1.84526392275624,-0.304359146774861 +-0.47815005510862,-1.65570825100467,0.579352661923954,-0.821222208755761,-0.59214812853709 +0.417941560199702,-0.555518890306087,-0.598828550361378,-0.407052619818227,0.158593647756584 +1.35867955152904,-1.63979745668635,-0.472780486500831,-1.56117076101712,-0.360538433322404 +-0.102787727342996,0.288930606422243,-0.26709938119586,-0.531667226936259,-0.124803827530438 +0.387671611559369,2.29175453252274,-0.0910015639654721,2.412307941369,0.263670121238109 +-0.0538050405829051,0.872090099529049,0.513792397163071,-0.0949085861403095,2.46214597707863 +-1.37705955682861,-0.370114642377036,-0.219308575817883,0.303322432069852,-2.14155608761226 +-0.41499456329968,1.29852927826183,-0.230545069950989,0.907514048091193,1.89149266108985 +-0.394289953710349,-0.15519373562607,-0.163050216828543,-0.267443235683223,-2.50057248540347 +-0.0593133967111857,0.318035556532309,-1.81816790049371,1.33177863144933,1.56189095467012 +1.10002537198388,-0.0709682295197474,0.855187453368001,-0.193335089737074,3.0525259348692 +0.763175748457544,0.183467326903339,-0.780880604750169,0.741123062631865,1.45546184907885 +-0.164523596253587,0.779089289817375,-0.742919175629776,1.57845360692066,-0.22288233129525 +-0.253361680136508,-1.25669644706702,-0.122379951265925,-0.904733903469212,0.330380997831915 +0.696963375404737,1.99328644783871,0.613778889216689,0.616543559714677,1.7831830403018 +0.556663198673657,-0.350776637919525,-1.66911349758814,-1.53445317649026,-0.77143838259987 +-0.68875569454952,0.401038505345246,-0.294490110860366,1.16377253499909,-0.619273641074532 +-0.70749515696212,2.13461852406157,-0.123497597257776,0.887281617466239,0.6842980793832 +0.36458196213683,-0.0722660702719278,-1.40277821012103,-0.362589201727309,-0.421897329055292 +0.768532924515416,-0.602377695270377,-2.20940398994944,-0.0101585679155201,-0.125039041380132 +-0.112346212150228,2.05287473298647,-0.0213532101563942,0.204462384209484,0.956051202756584 +0.881107726454215,-0.991805072467591,-0.634197571449376,0.354071749022572,-0.0820172880983392 +0.398105880367068,0.135312616477779,0.955224854254477,-1.14614185364584,0.857051169316539 +-0.612026393250771,-0.457603231932288,-0.861116791005376,-2.65647024630499,1.22317809622934 +0.341119691424425,-0.0484211669988644,2.59379693444951,1.93085557571847,-1.21890408722142 +-1.12936309608079,-0.19229395990202,0.46473517002686,0.622764983974726,-0.052476470378722 +1.43302370170104,-1.02085356653403,1.13100981979751,-0.618340448184356,1.66008148944901 +1.98039989850586,-1.44082676770872,0.434355220298645,-0.365294008365038,1.16254558389382 +-0.367221476466509,0.761668709487659,1.31919683598417,-1.35990399593812,-0.0095342286020208 +-1.04413462631653,0.69748265567878,-0.273709509690191,-1.03230216016774,-1.16216182190427 +0.569719627442413,-1.05036534338685,-0.354558407543671,-2.57405736379313,0.32187592906834 +-0.135054603880824,-1.48372736501669,-0.311284599687752,0.953969628154028,-0.961233856898287 +2.40161776050478,-0.0269766300158649,-0.196059079943148,-0.43439803713675,0.829831934763517 +-0.0392400027331692,0.942514901661897,-0.244633783917724,0.448297256898215,-0.218321914870887 +0.689739362450777,-0.628989535204932,0.271683638334078,-1.39109381268423,1.57916144234442 +0.0280021587806661,-0.630801058988671,-0.594859226991809,-1.12908863096639,0.551785173557694 +-0.743273208882405,-1.02381287994832,-1.0335520249875,0.459947083512345,-1.62745733327609 +0.188792299514343,0.789062112207682,-0.392430728131176,2.2110166700234,1.16091570425993 +-1.80495862889104,1.20051618702017,0.800645249503013,0.676743030765526,0.036044088495678 +1.46555486156289,1.25257285890143,-0.155940310341707,-1.17925361907873,0.528303160778583 +0.153253338211898,-0.694027820193272,-0.58996233756211,0.877560111029362,1.33570419856182 +2.17261167036215,-0.536148634447886,0.0787033670270891,-0.896627743640059,1.34533931239021 +0.475509528899663,0.0889765702831961,0.443009071992676,-0.83999482807436,-0.468723804245044 +-0.709946430921815,1.0294935179188,0.586729850443288,0.35770047646896,-0.718784545086417 +0.610726353489055,0.521158645287441,-0.373635152827886,0.836647967713133,1.5811090238623 +-0.934097631644252,-0.518499263144568,0.193169458696734,-0.765943776280996,-0.837035741097767 +-1.2536334002391,0.644817676482925,0.716840765444539,0.709686300897458,-1.79663055201498 +0.291446235517463,0.324829166813954,-0.273004725226379,0.784942486007874,1.47939718205689 +-0.443291873218433,0.523367701532602,1.45325756510572,-0.836931198193086,2.36365751962765 +0.00110535163162413,-1.49540227033853,0.541411515477177,0.00851770578087764,0.771308920054073 +0.0743413241516641,-0.0596574319677553,-0.0687754603349962,-0.678479801324961,-0.018274171625514 +-0.589520946188072,0.175529800480331,-0.293417003918388,1.6891596881214,-0.994395421643644 +-0.568668732818502,-0.951188433964526,-0.827441760708943,-0.871892184303481,0.79657870671538 +-0.135178615123832,0.464113223267336,-1.83271681288251,-1.0263331145149,0.136496301639011 +1.1780869965732,0.910891997663999,-0.262750897018294,-0.47197265304549,1.0858818098495 +-1.52356680042976,-0.806197384720587,-1.64840599873118,0.724027794046032,-0.683976560940151 +0.593946187628422,0.21367137782751,0.34895272715258,-0.313053657868627,0.461505099256622 +0.332950371213518,-1.12035277041499,-0.115138628691762,-0.580625071197618,1.01083696349535 +1.06309983727636,0.330787779232092,0.513173486372705,1.45430777406616,-0.973782541646608 +-0.304183923634301,-0.0777971065716743,1.20357606355453,-0.41639860541845,-0.0157256842761964 +0.370018809916288,0.923034675469875,0.456955586012327,1.59991831379857,-0.0888521561044124 +0.267098790772231,-0.749452861514057,-1.68723883872018,0.275144616430432,0.400407060041998 +-0.54252003099165,0.854155162777532,0.704003407711663,-1.04450828538759,-0.606835272463124 +1.20786780598317,-0.411871795704936,1.21094688628044,-0.548833245346764,-0.574873920249733 +1.16040261569495,-0.0308414419021804,-0.165491584296065,-2.03295525656107,-0.115654389517634 +0.700213649514998,0.352909444491459,0.298068665118141,0.709238546291239,0.475869756532725 +1.58683345454085,1.33281476855882,-0.00609571688056943,0.953531669644948,0.685417677922029 +0.558486425565304,-0.397300785373748,-1.03754346377062,1.40517177981146,0.0238525484132747 +-1.27659220845804,0.713244597380488,1.71659404435902,1.08529850650252,0.351002185703193 +-0.573265414236886,-1.50490055531226,-0.610449691206179,-0.032611212123271,-0.126242385140488 +-1.22461261489836,-0.986963822283592,0.210545063090238,-1.26391772341813,-2.00256891013343 +-0.473400636439312,-0.0217783561188168,1.06612839338438,-2.14232266577784,-0.783404844398587 +-0.620366677224124,0.408312918573588,-0.471186099445341,0.111499379136368,1.81998392834132 +0.0421158731442352,0.426058512296022,-0.14928304224602,0.127961556026101,1.33310360015878 +-0.910921648552446,-1.10116583029324,0.51092424610722,0.0782085152321138,-0.44194330954784 +0.158028772404075,-0.332349688483369,0.642007431970579,0.732601013604216,0.310288470768905 +-0.654584643918818,0.230207587652991,0.0213644623704334,0.579836367037823,-3.0283157018598 +1.76728726937265,-1.17115340491163,-0.586119200860139,-0.648635306556583,0.0790825020872072 +0.716707476017206,0.591369538104525,-0.570009646122751,-0.274845422696423,-0.258658224811233 +0.910174229495227,0.147276022567978,0.646226110036358,-0.436019435225282,1.34249874809294 +0.384185357826345,0.347951207982542,0.244325636101823,-0.368882988410527,0.99862358628667 +1.68217608051942,0.485813575523106,-0.676396002350853,-0.138169746489572,0.445547961158865 +-0.635736453948977,-0.847731136222292,-0.445424591530401,-0.390220183144145,-1.69998331202398 +-0.461644730360566,0.626973301904459,0.861353207820064,0.257959506075253,0.295555756667626 +1.43228223854166,0.479338419746448,0.702698911864396,-0.593289703040513,-0.0215801442435474 +-0.650696353310367,1.45524438210113,-0.891581717458742,-0.619076611627228,-2.0143924940724 +-0.207380743601965,-2.74065267072482,-1.40962645594217,0.990078148044001,-0.276888064812938 +-0.392807929441984,0.765892847300955,-0.953840680392175,0.794095067196444,-0.401694828111877 +-0.319992868548507,-2.35895358301454,0.826372429054091,-1.62295607773568,-1.90642019276753 +-0.279113302976559,-1.27196213516537,0.810535203369327,0.46563748749749,-1.80906995382071 +0.494188331267827,-0.428374386987539,-0.00607798110756808,-0.633107007450305,-0.220050994214116 +-0.177330482269606,-0.438388143490528,-1.10369519525748,0.914717989975128,0.372048711196428 +-0.505957462114257,-0.462495627433044,-1.61431233582923,1.06699320073731,-1.41254359811303 +1.34303882517041,-1.13061166997732,0.344897917709448,-0.537761122443991,1.34062379721211 +-0.214579408546869,-1.32166372557291,0.868722080373219,-1.92214700765836,-0.0453049654463836 +-0.179556530043387,0.14896529316733,0.119734763974367,0.567620305109262,1.21325138611983 +-0.100190741213562,-1.60396193394315,-2.25311893262372,1.74318959721899,0.158381827407453 +0.712666307051405,0.434257465623256,-0.133907681567792,0.552121795873286,0.447138338426695 +-0.0735644041263263,-0.229863967854201,1.49637109600574,-0.689046278401688,-0.191625720685413 +-0.0376341714670479,0.549099472803757,-0.334586946806364,1.19121309310907,1.72731344149182 +-0.681660478755657,0.00676956777443672,-0.705005794129931,-0.446997054894305,-2.33279473867569 +-0.324270272246319,-1.75086937624733,1.04924801673898,0.268362221575365,-1.00842689648574 +0.0601604404345152,-0.445505932145011,0.0782758225788369,0.566100355142755,0.0615058125809265 +-0.588894486259664,0.521403799517939,0.0175195519279856,0.27145249518451,2.43729276375768 +0.531496192632572,0.415691765588317,0.198687316404084,1.39376628029578,-1.42143106221782 +-1.51839408178679,1.00812944995673,1.07116291059537,0.120269883832638,2.31962495873591 +0.306557860789766,0.69070062843697,-0.0418506686616814,0.170557094830663,-0.526753692148973 +-1.53644982353759,-0.948305120314812,-0.139732141160984,-0.606771492603544,-1.27096093430566 +-0.300976126836611,-0.465066145255398,1.01233452311923,-0.0911050838231467,-1.30891022991943 +-0.528279904445006,1.25485699219788,-0.901940276053714,-0.397142972096727,0.273690959615543 +-0.652094780680999,0.333757642356214,0.30662805204535,0.0822550777842919,0.772125989844357 +-0.0568967778473925,0.202687858632212,1.18663531329648,0.0236883576363273,0.159059240238501 +-1.91435942568001,1.42024038155086,-0.455255359314837,-0.884599521482008,0.72212011835826 +1.17658331201856,0.489544016044625,-1.10881627690818,-1.85308220114294,-0.176722541587995 +-1.664972436212,-0.63555085236265,-0.468638518573271,0.752692522638944,0.21109980302288 +-0.463530401472386,1.499066838108,-0.0347672744133464,0.583708353427927,-1.35051032868593 +-1.11592010504285,2.38465628452736,1.33702932691387,-1.85389918353868,2.1476589583359 +-0.750819001193448,0.0148794173942977,0.903166223193374,-0.705936222966688,0.201570130846258 +2.08716654562835,1.15049126108171,-1.38732347691641,0.0811245065960372,0.644379971573104 +0.0173956196932517,-0.879528021897158,-1.0048331935941,0.524233067087281,-1.47429328097657 +-1.28630053043433,-1.47459307530246,-0.441625931726234,1.10482819960411,-0.315410720241344 +-1.64060553441858,-0.200899041202627,0.0879474840394997,0.803166296995151,-0.461885219673758 +0.450187101272656,-1.50071882862244,-0.858983426264887,0.0489455004945014,1.56909670647928 +-0.018559832714638,1.97332832066431,1.23390467193893,-0.109252373669369,1.65555519675481 +-0.318068374543844,0.592827814231592,0.0318015271427929,1.2832950488993,-0.0791368244947569 +-0.929362147453702,-0.897795931315966,-1.38566920110646,-1.9490238522841,0.00696619143516375 +-1.48746031014148,2.06808613025328,1.38348855194907,1.35789681118159,-0.0926186732102833 +-1.07519229661568,-0.411501791237211,1.87483512945792,-1.19875228675961,-1.06648756608083 +1.00002880371391,0.0500931824340485,-1.83004369231748,-0.395715307538353,0.609181071166446 +-0.621266694796823,-0.149196924845244,0.356591159379621,-0.419588262220793,0.304019654045628 +-1.38442684738449,0.0331150400668816,0.286582179036962,0.373773824860691,-0.421345434670637 +1.86929062242358,0.480476390538912,1.80422090065292,0.95123371712228,0.00818924667453536 +0.425100377372448,-1.09867070066783,-0.708774309547416,-0.684749984859758,-0.135295499173547 +-0.238647100913033,0.333146177936074,-0.207444503833239,-0.227021599834801,-0.640613828943323 +1.05848304870902,-1.2730328244313,0.226370928033636,1.57203788072571,1.33413752201239 +0.886422651374936,-0.501885015551968,-0.40820596493965,-0.114887191460353,-0.494287280392622 +-0.619243048231147,-0.0656163018682109,0.558448669384874,0.645006920628375,-1.46928236699246 +2.20610246454047,-1.65685378500014,1.0532760731961,-0.205119255472204,0.740011043769336 +-0.255027030141015,-0.00814384231639578,-0.0872385154068138,1.31662941065568,1.88720928441451 +-1.42449465021281,0.920592981162441,0.891408919012309,-2.16114642968081,0.412544141124982 +-0.144399601954219,0.383226342731421,-0.202233924863084,-1.02452649869154,0.825848708956526 +0.207538339232345,-0.730588635821384,1.92066667522937,-1.39537662180596,-0.732800779369237 +2.30797839905936,0.703331302233232,-1.5163589131578,0.49524887012896,1.82515720319136 +0.105802367893711,-0.418622401645369,0.65065887227194,-0.558510117283839,-0.27040396922435 +0.456998805423414,1.46742960819724,-1.01469475569127,0.658583047959763,1.39789963790764 +-0.077152935356531,0.0804162714614864,0.682738043487497,-0.301574820857675,0.660223623429294 +-0.334000842366544,-0.15182541648089,-0.729524335887347,-0.349487057888672,0.403303403606545 +-0.0347260283112762,1.01542060086146,-0.0069308399180201,0.738204100519969,-1.09995684658533 +0.787639605630162,0.328039731828125,-0.0803811322825961,-0.647086854312205,0.82277515982115 +2.07524500865228,-0.576973172799859,-1.40950885136627,-0.678385660487438,2.93481684134011 +1.02739243876377,1.30930989880338,1.34521193816803,0.502920041270924,0.979005208532712 +1.2079083983867,-1.13678908856782,0.15518675246162,-0.108272706111303,0.828801324005143 +-1.23132342155804,-0.880663913914665,-0.880852749086046,-2.21214603620731,0.795342761257466 +0.983895570053379,-0.485583014637264,-1.81053037567625,-0.508346456698004,0.638495276349775 +0.219924803660651,0.227432805485141,-1.09467242994781,-0.984027069910552,0.28876843631835 +-1.46725002909224,-0.0664613489790137,-0.291951300231586,0.342011997249573,-2.22747824984324 +0.521022742648139,0.35161359097422,-0.660101931912037,-0.726148464108888,-0.33499424572379 +-0.158754604716016,0.686252748172832,0.950742822255403,0.0455734945457203,1.03097230923701 +1.4645873119698,-0.298624133090586,0.916431634896448,0.476566093454637,-2.08000836461402 +-0.766081999604665,2.08893895537066,0.319040421861425,-0.932658949757045,-0.683200582565222 +-0.430211753928547,-2.21465093767321,0.0304343359175673,-0.722458854183034,-1.1559049984934 +-0.926109497377437,-1.24069478036819,0.420762578128138,1.1109318790957,-0.0494112067859854 +-0.17710396143654,0.763610717323856,-1.35650976319577,-0.742668614567204,0.548097499820793 +0.402011779486338,0.151021480693103,-0.208215358144076,-0.720525727539599,0.467015955215878 +-0.731748173119606,0.242267804187404,0.637726145103929,-2.20787304537818,-1.10995167785529 +0.830373167981674,0.472579572380746,1.00752582103387,-0.300636809687907,0.484840134041768 +-1.20808278630446,-0.49800932782804,2.62528171318418,0.881202280281443,0.121827990339971 +-1.04798441280774,-0.616013685116782,-1.93567203677579,-0.608355139315388,-0.486992452973435 +1.44115770684428,0.0207280482276576,-1.18398440968793,-0.214979384057958,0.800661162977388 +-1.01584746530465,-0.412831728375516,-2.14826480561388,0.200330660959157,0.807614207375679 +0.411974712317515,0.412128491301367,-0.599969734730184,-1.06709533165527,2.00204374217565 +-0.38107605110892,-1.33826080996467,0.653308297305925,2.03611982732368,-0.803967274930021 +0.409401839650934,-1.47983426397163,0.260710893135507,1.19975081464132,-0.916015443318691 +1.68887328620405,1.02834657236143,-0.998532132170965,-0.217562452297037,0.983313430937561 +1.58658843344197,-2.22105108479026,3.3769117917005,-0.793915811050183,0.080688045577692 +-0.330907800682766,-1.63855763015058,0.399581568889893,-0.936588880694529,-1.13658712856879 +-2.28523553529247,0.357239431683523,2.340060937878,2.12260768186722,-0.342988876885346 +2.49766158983416,0.0262837188064724,2.00364622862316,-0.3586640211576,1.51343483287641 +0.667066166765493,-0.147686723739001,2.11092400436171,-0.159508378325431,1.36303975987125 +0.5413273359637,0.808111777460002,-0.867269557970339,-0.544471589320461,0.916087019760651 +-0.0133995231459087,-0.574133990878118,-0.680549714304899,-0.185844860737651,-1.71485671496928 +0.510108422952926,0.582409567760331,0.840573477679145,0.956995857079756,2.4474932524502 +-0.164375831769667,-0.972050270445694,-0.464541366214489,-0.23531651817339,-0.143482282656073 +0.420694643254513,1.83696335440589,1.55092581164873,-0.00817090393040129,0.689647123936828 +-0.400246743977644,1.20086256418835,-1.02432824581754,1.17966287412372,-0.41241254885991 +-1.37020787754746,1.06818081176969,0.384231521603912,0.0372084526490771,-0.0197470062138176 +0.987838267454879,0.635060211572651,0.726578258441114,-1.13179030797637,1.76717412138346 +1.51974502549955,1.28688712137424,-3.45050242350714,-0.194978214599624,-0.952872841501729 +-0.308740569225614,0.621750481320795,-0.302240735909467,-0.735573729677021,0.300461150547255 +-1.25328975560769,0.665175359339646,-1.60893375057821,0.586027091136096,-1.23855673977114 +0.642241305677824,-2.62310970806095,-0.718498732007579,-0.823691331897519,0.933769818488589 +-0.0447091368939791,-0.601095018666895,-0.265265431446959,-0.492051263643896,-0.478742138981051 +-1.73321840682484,1.01442203183073,-0.835391558395808,0.450633215998162,-2.1493506422079 +0.00213185968026965,-0.138839845423679,-0.379635526788475,-0.951206964424038,-0.477075949752286 +-0.630300333928146,0.0338112759642856,0.22312030537111,1.69196079205684,0.239927347431676 +-0.340968579860405,0.51582886424367,2.66584562748559,0.120015302108015,0.959119799936677 +-1.15657236263585,-0.0750826383435193,-0.37990378057292,0.130874463313716,-1.8738096605039 +1.80314190791747,-0.701453535284976,-0.123913447658266,0.553659339163755,-0.957678497446644 +-0.331132036391221,-1.10057482905044,-0.60446865547781,0.291403978548209,-1.5212758474798 +-1.60551341225308,-2.22676407343941,0.154725736123256,0.370520415873311,-2.19260428096953 +0.197193438739481,-0.184650031996395,0.00741573156546714,0.212757990376683,1.29265244811101 +0.263175646405474,0.501647908077651,1.26662932585255,0.0409981065565555,0.549114672587549 +-0.985826700409291,-0.587194987196237,-0.245022952214231,1.88768491704857,-1.01279781203962 +-2.88892067167955,0.556144905893475,0.0820310655081055,1.20928259342596,-0.119991939967035 +-0.640481702565115,0.783743800978461,0.0642412509743786,-1.08656302918989,-0.506467389125098 +0.570507635920485,0.400380307336791,0.0276320800357531,0.366725251935733,0.468886631849652 +-0.05972327604261,-2.28193146410422,1.40405474104577,-0.767448702590071,-1.28127200146642 +-0.0981787440052344,-0.207193007705491,-0.418993654321592,-1.21893998222157,0.60312637509858 +0.560820728620116,0.26354487727263,1.59304159889972,-0.781453552633225,0.0657236623471168 +-1.18645863857947,0.109913046027477,-1.07887815643691,0.111760763148476,-0.707765852662431 +1.09677704427424,0.637637313953993,1.19410198187371,0.273567310204195,0.0158112834355607 +-0.00534402827816569,-0.184458694645864,-0.802668704814646,0.500193172426016,-2.04822416156599 +0.707310667398079,0.606995895791969,1.38581465980732,-1.04571272313975,0.67716326243444 +1.03410773473746,-0.762675552217793,1.67536207491516,-0.79853188280778,0.276489909485356 +0.223480414915304,0.668393164795011,-1.14581031694963,-0.737228883862066,1.30909740858997 +-0.878707612866019,-0.0285533554542243,-0.415750081336863,-0.56277441907557,-0.239101855968245 +1.16296455596733,-0.212826348741905,-0.755787868067703,0.79419853047803,1.5400556042912 +-2.00016494478548,2.56509088588049,1.09146845314109,-0.358629354749601,-0.898876502377899 +-0.544790740001725,-0.663208340792925,-1.52645029424493,-0.600421142222656,-0.948061656951509 +-0.255670709156989,2.28182843323325,-0.34515595340841,-1.52207792907845,2.73512683872512 +-0.166121036765006,0.502408004387117,0.452480593531696,-0.229161864331559,0.59750961886683 +1.02046390878411,0.196196155090027,1.09721420437947,-0.0124854519842579,1.21175875359559 +0.136221893102778,0.503670065901829,-1.7072100148514,0.964798031690751,-0.352481854208907 +0.407167603423836,-1.41933054246595,-1.09325505004339,0.184169827303409,-1.46020790667901 +-0.0696548130129049,1.85606410833123,0.260331526438525,-0.206835546865332,0.0426179186545722 +-0.247664341619331,2.20113467928804,1.10543907919506,-0.070329949947274,0.191110500791103 +0.69555080661964,-0.122931209476836,0.268570223323396,-0.0619613498843344,-0.0861308682350129 +1.1462283572158,-0.94827686067897,1.56497671030967,-0.78449801735062,-0.979016693749496 +-2.40309621489187,-1.13417907897758,0.306436427782882,-0.439668514428555,-0.661707967324336 +0.572739555245841,-0.670819900238533,0.128607174364382,0.0707303696201247,2.13854986288674 +0.374724406778655,-0.678070924955385,1.38274701909216,-0.124507445066537,-0.764198703918823 +-0.425267721556076,0.329467853785235,-1.43111199126513,-0.969607192035581,0.568187339088637 +0.951012807576816,-0.418243175408155,1.29139246303146,1.44360007050019,-0.648170359822421 +-0.389237181718379,-3.67129993184681,-1.25181522913777,-1.26420584466607,-1.10583866056294 +-0.284330661799574,-1.02972886617478,-1.93552570868334,-0.734464052948864,0.505222961258817 +0.857409778079803,-0.423750068395092,0.921018375118924,0.189900958712366,-0.508063551435025 +1.7196272991206,0.923853045853892,-0.601336769948651,0.141857664157763,-1.0633518777051 +0.270054900937229,-0.689116636045013,0.728415786453802,-0.774671661665593,-1.15198487051286 +-0.42218400978764,-1.12353918715875,1.03318784684836,0.393303794764497,-0.788603968446847 +-1.18911329485959,1.28883345271611,0.6222016492796,-0.492304658839122,0.06474720356134 +-0.33103297887901,0.966160367358685,-0.70716971923501,0.638179914698329,-1.2278861168421 +-0.939829326510021,-1.41954822604231,0.461333852674532,-1.01562791774359,-0.444251127309443 +-0.258932583118785,0.151471055876311,-1.0163836794741,-0.638521485895051,1.23467468513513 +0.394379168221572,-1.96890232286129,-0.0339779486390467,1.04680557377135,0.334718872740777 +-0.851857092023863,0.865251709961352,-1.20252100269622,-0.798661141869819,0.904664762443317 +2.64916688109488,-2.02053720524225,-0.352104064384841,-0.737152955558391,1.43626054070559 +0.156011675665079,-0.785706778667094,-0.203795802818372,0.317557603798859,-0.472101441882837 +1.13020726745494,0.749420716858829,0.0492024073336093,2.30597630785546,0.24746834726991 +-2.28912397984011,-1.1214443526452,-0.532814415791617,0.441232030169289,-0.498930058187616 +0.741001157195439,0.442829140880633,-2.03003450817618,1.152650652112,-1.1250885958936 +-1.31624516045156,0.723891776741994,-0.63593389439462,0.966213953834574,0.745245249164097 +0.919803677609141,-0.693303738962793,-0.938002586969497,1.55021130874431,0.430524095216071 +0.398130155451956,0.294032819547474,0.0452299682479253,-0.907741359525426,2.0031041761486 +-0.407528579269772,0.65364076319582,-2.10018217242513,0.661687587136833,0.309893477807081 +1.32425863017727,-0.565504946161591,0.620689116924818,-0.251558781137516,-0.185663036557826 +-0.70123166924692,0.219948190679679,2.60316312711435,-0.135265429974956,-0.381177377345348 +-0.580614304240536,-1.16668683169487,1.14683784823331,-1.05434028704218,-0.0869343219546364 +-1.00107218102542,0.318800362732263,0.471536597909679,-0.383579172790333,0.726098343092689 +-0.668178606753393,-0.924321528382096,0.199160399611508,-0.770653779979587,-0.350811905886135 +0.945184953373082,0.0987991308749941,1.81666686444626,-0.846551337129884,-0.744198813411043 +0.433702149545162,-0.36100848964531,0.0704696158674511,-0.311288357025438,-1.54511912181737 +1.00515921767704,-0.887789690177081,0.773757781543787,0.00750628809325717,-0.940150526813129 +-0.390118664053679,1.79911157206782,-1.88562659512408,-0.434929668908701,-0.44538223662764 +0.376370291774648,0.205191559292782,-0.490968282824733,-0.647172307528569,-1.28473466489921 +0.244164924486494,1.51039105693711,-1.43820276456343,0.37264575785398,0.596350989887913 +-1.42625734238254,-0.17351463243166,0.49379892374245,0.524018668484583,-1.6692310357914 +1.77842928747545,-0.855457143411498,-1.9716042465531,-1.64667651502178,0.461267583348226 +0.134447660933676,-0.452387176934996,1.00013851743262,0.456835207108258,-1.33058421627921 +0.765598999157864,0.076412119390066,0.197552970200069,-1.38412768082339,1.5545199790348 +0.955136676908982,2.20649411315505,-0.411937592982952,1.00923707352221,0.814261225047445 +-0.0505657014422701,-0.284633198761558,1.13699921172426,1.90966414020496,-0.258503448106947 +-0.305815419766971,1.18752173294263,1.1278200665723,-1.45123969764838,0.566860734971232 +0.893673702425513,-0.40774765616625,-0.592981074003105,1.38795443290399,1.68698714973167 +-1.0472981490613,0.997566621326934,-2.24818494432065,0.325417862209445,-0.396987654692359 +1.97133738622415,-0.969267739371801,0.538022601102183,-0.509627973795369,1.06710284452321 +-0.383632106288362,0.758625101446493,-1.61412479255101,1.82950162978706,0.620637181927392 +1.65414530227499,0.0827507202412732,0.0154670130734008,-0.862581095120165,-0.930184253770834 +1.51221269395063,-0.96894851777053,-0.277978977866297,-0.168700019697591,-1.06233771768895 +0.082965733585914,1.00651709204874,0.342433271197471,-0.655303295692647,1.72995561446139 +0.5672209148515,-0.217403021951246,-0.899134790110716,-0.203647848031739,0.0722876107735613 +-1.02454847953446,-0.865953390533347,1.18324845586866,-0.708750913959037,-1.55966866984137 +0.323006503022436,-1.47114244756251,0.866600565446599,0.235581393694954,-0.241416226533661 +1.04361245835618,2.15223022352263,0.178556167629649,-0.673167744283436,1.40537922577273 +0.0990784868971982,1.59234735016301,0.183018813279407,-0.0289660852596654,-0.312792125549428 +-0.45413690915436,-0.0210152620682057,-0.777774097139125,-1.7593744855423,-1.17119201659114 +-0.65578185245044,1.73449483125756,-1.48807886173755,-0.057093548051891,0.462101599463148 +-0.0359224226225114,0.333436910848705,0.786790567406803,1.06352183899181,-1.29758532571398 +1.0691614606768,-1.04047947080479,-1.05564728988427,1.17249946643988,-0.480055416335421 +-0.483974930301277,0.483569083284815,1.60878472890498,0.633990649202305,0.000823912427301399 +-0.121010111327444,-0.332383391725077,0.330254713441117,1.00075313589479,-2.3470487359754 +-1.29414000382084,0.919103744865107,1.0836603530539,-1.21918744932693,0.586318779453907 +0.494312836014856,-0.357306658719488,-1.46221699088613,0.759766914756594,-0.180637561937719 +1.30790152011415,1.17904679236038,0.167079855156733,1.2411002890935,0.566165438257951 +1.49704100940278,0.899928982272971,-0.917457704516355,1.49157259503781,-0.205543264447451 +0.814702730897356,-0.251060976511258,-2.69176718967558,-0.712053347317512,1.49432919848401 +-1.86978879020261,0.659700863471874,-1.7400307697346,0.21209219904566,0.252794278492202 +0.48202950412376,-1.84831054944285,1.46234362005811,-0.0131821691754274,-1.48612961367286 +0.456135603301202,-0.63235536203598,0.482927490170173,-1.70319394169269,-2.01171796734262 +-0.353400285829911,0.524326464917881,-0.620996068577777,-0.298687001648572,0.89275698919354 +0.170489470947982,-0.836624470537046,-0.315283201800459,-1.69339704909014,-1.67776424182036 +-0.864035954126904,-2.4128197117105,-1.15126887978108,-0.337954741975433,-1.56397870118759 +0.679230774015656,-0.317713527514673,-1.24211111208161,-0.665744858851002,0.561489611831955 +-0.327101014653104,-0.289611893249308,0.404134500621056,1.22674471474012,-0.638922142159226 +-1.56908218514395,-0.603945694413389,-1.15602162046539,0.178339620134857,0.494112339215128 +-0.367450756170482,-1.70126024204208,0.584859587636781,1.88190996179534,0.649131836795032 +1.36443492906985,0.43277198360147,-1.63099901385767,-1.05893572203882,-1.31931235993049 +-0.334281364731164,1.07362253489804,0.926335119687439,1.06439333135136,-0.080977796057939 +0.732750042209102,0.438514800625102,0.644691178858133,0.75899503773752,0.335738405780564 +0.946585640197786,0.640643920873726,0.279121297669599,-0.379732558817751,-2.17239725143841 +0.00439870432637403,1.18423360787055,-1.85436874359001,1.58264994180377,0.524008033405923 +-0.352322305549849,0.193131479256257,1.33450027986235,0.416953333491602,-1.09434114101738 +-0.529695509133504,0.864737855906628,0.989956631479595,-0.543392985897453,-0.248891923486627 +0.739589225574796,-0.0260525911879043,-0.739343434808179,-1.13728748472174,1.45366849829273 +-1.06345741548281,-1.42841215716138,0.482875638885802,-0.0513235149216245,0.662405223403632 +0.2462108435364,-0.152272954315664,0.48030546290992,1.58510964948592,-0.0368271634595396 +-0.289499366564312,-0.135427973733465,-0.357449741643888,-1.06711928810371,0.90334767664722 +-2.26488935648794,2.21190751667654,2.04735411957996,-0.466234868995025,-0.165484047242697 +-1.40885045607319,-0.661387463793352,-2.37011346594861,2.21102975083399,-0.790632544177489 +0.916019328792574,0.629356183797972,0.158990901670877,-1.37405218434168,1.7629593986667 +-0.1912789505352,-0.272250297866002,0.658383216202812,0.388731494871227,0.352263358678257 +0.803283216133648,-0.717208236153912,-1.4181416378563,1.71295905860705,-1.36693432235188 +1.8874744633086,-0.195326175573496,-0.579210765226142,-0.454945552141193,-1.53482065206426 +1.47388118110914,1.31326420197586,-0.488175416804286,-1.21142330076733,1.96840621404721 +0.677268492312998,0.0126824251690525,-0.846509539572481,-1.19469845232046,0.619851761507689 +0.379962686566745,-1.12421159377969,-0.199164821903142,2.67036692593673,-0.384249123550711 +-0.192798426457334,0.856628030615164,-1.08668446883326,-0.349418112529314,-0.123857101729957 +1.5778917949044,0.314182120307313,-0.921236958265308,-0.177160602011793,-0.789360666819964 +0.596234109318454,0.336671902986252,0.280700564735818,1.05803628531448,-1.08301350443256 +-1.17357694087136,0.262025933384903,-0.210628213679696,1.26329212769787,0.223378500061727 +-0.155642534890318,0.319463859060926,0.763603963822919,0.0271744121538175,-0.656952114511826 +-1.91890982026984,-0.30209292479344,-0.463330405687263,-0.568158621715657,-0.0757871671955057 +-0.195258846110637,0.5173408285166,0.650964785789279,-0.980314434773874,0.96634132328696 +-2.59232766994599,-1.1640865568817,1.41874637705506,-0.930309630864372,-0.819509721260576 +1.31400216719805,1.27467984653973,-0.238103808587142,1.01281514726443,-0.320004451518225 +-0.635543001032135,-0.452948226188129,0.120251773229611,0.337079415263981,-1.26865456687865 +-0.429978838694188,0.117753728834057,-0.641785444211562,-1.45363478496234,-0.388975712500741 +-0.169318332301963,1.35993126671175,-0.528029243472183,2.22964070688999,-0.812287711751326 +0.612218173989128,-1.05831877329288,0.549674089896252,-0.791526789872944,-0.157108244697687 +0.6783401772227,0.0378117370799486,-0.720485475200654,0.0523154850691494,0.871314884384057 +0.567951972471672,0.582304929436291,-0.78715319552312,-0.964574580952089,1.04036463883648 +-0.572542603926126,0.595808722209156,0.841670013968197,0.214534774053158,0.818269504011461 +-1.36329125627834,-0.352637703102544,1.36853114201607,-0.171654144192091,-0.096720689604664 +-0.388722244337901,-1.02413319377272,-0.097815798278761,0.232885907997277,-0.287968161803322 +0.277914132450543,0.614554443260793,-0.466536408020039,-0.327183984114402,-0.656027102443021 +-0.823081121572025,-0.928281530715138,0.545911870658315,0.647432899734009,0.230316053589904 +-0.0688409344784646,-0.00651445271629936,1.24994351785035,-0.627875708522402,0.104030288152479 +-1.1676623261298,0.224880808422362,-1.09579508038511,-0.540590514502305,-1.60497716888367 +-0.0083090142156068,0.199455432509476,-0.79106526283847,2.00830511472197,1.67663994606665 +0.128855401597405,0.178207858976924,0.733630113780982,1.12110727286491,1.39124804106555 +-0.145875628461003,0.285143959081385,-2.27589977507855,-0.367478280280279,1.12551184811487 +-0.163910956736068,0.238966519845743,-1.8981868304936,-1.55775558881832,1.55866029347548 +1.76355200278492,0.62492277428748,-0.407731537015108,0.0498064757796646,-0.00892148226886469 +0.762586512418318,-1.40841277187787,0.494072204664986,0.282992521766135,-1.96187488315373 +1.11143108073063,0.57396246876626,-0.589607096632701,-0.898106006246071,-0.421997461585505 +-0.923206952829831,1.33577577407657,-0.155903476128753,-0.0982206728218214,-0.452239266521215 +0.164341838427956,-0.461486108128656,-0.891731917353251,-1.62457941537504,-1.48101423080704 +1.15482518709727,-0.192363844536247,0.370552580951653,0.466735267962576,-0.111893043290393 +-0.0565214245264898,-2.08306461300538,1.54715761789402,0.556260762781897,0.441515218578303 +-2.12936064823465,-1.90889966407156,0.00991831711031101,1.55566523139869,-2.18686951320756 +0.344845762099456,1.41025794525215,0.21946566604637,-1.25259638196555,1.01371940063628 +-1.90495544558553,0.527532429716916,0.538621849946955,-1.23933379033022,0.296585441770061 +-0.811170153140217,0.644207628219839,0.712853858218945,0.825797839584522,0.61157932677491 +1.3240043212996,0.901284379647873,2.20606310097224,0.124444495593115,1.1891727731472 +0.615636849302674,-0.242246696421772,-1.51323910857948,-1.09210136388099,1.59351534169655 +1.09166895553536,1.40266839261555,0.100073326778522,-0.0838557995085183,-0.302856983684626 +0.306604861513632,1.09593101034668,2.00199143854431,0.152204991466342,0.770202025320197 +-0.110158762482857,-0.565196923711415,-0.539021561007142,1.41417348929782,-1.52257100288586 +-0.924312773127284,0.310475047231296,0.292794352518923,-1.50450372285009,-2.78818808016082 +1.5929137537192,0.493917890625226,-0.0312427301146354,-0.0605818279010923,-0.225971444071329 +0.0450105981218803,-1.41179740572769,-2.39878240665529,-0.378172830281712,2.20105937298445 +-0.715128400667883,0.108735032745436,1.63745876204527,0.221305880660376,0.584481589447778 +0.865223099717138,0.407227825741265,-0.165343396473697,-0.711611761479344,0.443376303018741 +1.0744409582779,-0.839683481632544,1.67555392330445,1.24616783890467,0.0711036298329968 +1.89565477419858,0.446130279147461,-0.230878871081489,1.8368907802064,0.820221007328024 +-0.602997303605094,-0.365416700997548,-0.0151873541718408,-0.00566459350641484,-0.987277929705961 +-0.390867820723137,0.539179850720689,0.287681149339983,-0.238459566721356,0.438193919589505 +-0.416222031530192,-0.808576870400653,-0.224714071204762,0.87150271385438,-0.267454009667973 +-0.375657422820391,-0.484411316865176,-0.397013755652116,-0.701583141749443,-0.771706400378559 +-0.366630945702358,-1.01114049610383,1.8008688268478,-0.310121782099841,-1.2141870437728 +-0.295677452700886,0.119124186659965,0.463902129293925,-0.55304012580642,1.51037254714869 +1.44182041019987,-1.69523312247267,-0.23075257068075,-0.374758663137245,-0.0221312936858017 +-0.697538291913041,0.17180830011942,0.953195392708883,-0.274487003431624,0.917366520930533 +-0.38816750592136,-0.678293128403,0.915026806965009,0.121509814108036,-0.806578302051214 +0.652536452171517,-0.708855920544086,0.0751246613408976,-0.140336474666864,-0.257793246066251 +1.12477244653513,-1.0168464205938,-2.05054338023296,0.597409399291115,-0.226934249283682 +-0.772110803023928,0.331329107043333,-0.476428523060799,-1.87719771539334,-0.630019696293677 +-0.508086216138287,1.00310030137957,-2.15354506929833,0.326635586106145,1.53116497027126 +0.523620590498017,-0.306073756228376,-0.606378812944916,0.823772440427918,0.192963949317104 +1.01775422653797,-1.00135451975367,-0.504688565537794,0.339082381119812,-0.580359082464935 +-0.251164588087978,1.29253648281127,-2.57563108271077,0.482075058306121,-0.308846781330854 +-1.42999344738861,-1.34059272302743,-0.237763106844554,-1.92983836238998,-0.649465398094435 +1.70912103210088,-0.0374412003899106,1.43365203693584,0.455192521397623,-0.385234171381676 +1.43506957231162,-0.212395706793752,-1.98402783392271,0.382299360674974,0.471517193647414 +-0.71037114584988,0.694408192578244,-0.215083460972643,-0.357701667305943,-1.06351121063259 +-0.0650675736555838,-0.0474178133303296,-0.224622852936703,0.10913031475175,0.934456651089635 +-1.75946873536593,0.905847974958103,-0.401193673284838,3.72796075960577,-0.767684868565784 +0.569722971819101,1.37020168909189,0.568240256644389,1.120206069525,-0.85020881801465 +1.61234679820178,0.608531723662542,1.69858404543845,1.43661741851211,1.05241322918876 +-1.63728064710472,-0.779106423107874,-0.878429505998428,-0.986461664356258,0.272783743172641 +-0.779568513201747,0.903155549479181,-0.150887974503741,0.432087331780395,-0.341110923326466 +-0.641176933750564,-0.130165784238847,-0.446211846321643,-0.203440851653136,0.088538414213096 +-0.681131393571156,-0.0606927432236921,-0.596050163584027,-0.36547571630786,-0.79297257626721 +-2.03328559561795,0.0342570864743178,-1.27326215705109,-2.32358302890901,0.827501677289554 +0.500963559247907,0.988003880527621,-1.86427569721599,-0.0155893906447097,-0.535418109924125 +-1.53179813996574,2.19986576581185,-0.791030090769833,-0.0557723156116846,1.35669830499939 +-0.0249976392782635,0.590155711992993,-1.8875149112098,0.424242869607652,-1.68324364341035 +0.592984721025293,-0.452840296271494,-1.26059597748477,-0.748701314059238,0.902979838062947 +-0.19819542148464,0.128557477899905,0.264633585027845,0.073026864627818,-0.671567159141454 +0.892008392473526,0.274196928146408,-0.6172852662111,-0.973394141930354,0.379913435165336 +-0.0257150709181537,1.28507917207561,1.0463943689517,0.258394309372618,1.0972912639346 +-0.647660450585665,-0.415750420764321,0.0594250468345049,-0.968974466895194,0.223687246725713 +0.64635941503464,0.377542777226381,-0.27155805509147,1.84388909859917,0.323399548244232 +-0.433832740029588,-0.554849998893696,-0.307828622909301,-0.937059261667867,-0.333259694610321 +1.7726111849785,-0.140468532709933,1.73000920174613,0.288467871279112,-0.202463527968719 +-0.0182597111630101,0.489254070261376,1.2605113966598,-1.80313076762921,-2.18587823316267 +0.852814993600531,-1.86620488128352,-0.211969941525626,0.0102393358887486,-0.0359475559780062 +0.205162903244026,0.964667259891662,-1.59133652947258,-0.870889714808273,-0.495568524877165 +-3.00804859892048,-0.214677945511398,-0.607775130491636,0.583968545072132,-0.509041755531959 +-1.36611193132898,-0.373597355487623,-0.565455989549343,0.542059629935721,-0.0600135609151102 +-0.424102260144812,-1.35934237398346,-0.116536477530253,0.88014908782074,-1.55605980268625 +0.236803663745558,0.104941793341446,-0.638147285119005,-0.406075950325863,2.92509342984225 +-2.34272312035896,0.91135767614452,0.949469127430517,-1.68365482188297,-0.0888287803714599 +0.961696633380712,1.19777871339153,-0.917870605579098,-0.74959894841939,0.864564618810746 +-0.60442573385444,-1.69226621210578,-1.49744631394914,0.259932964684476,-0.742157596844747 +-0.752877279362913,-0.234709339937644,-0.0613099098523362,0.318265350102688,1.43080902689143 +-1.55561159254425,-0.31298103326259,-0.221693465590074,0.317961230590886,-0.616310097962293 +-1.45389373800106,0.475780085860081,-0.0855244979109652,-0.317886286351427,-0.347644415015643 +0.0563318360544103,1.25582529502383,1.58282365120226,-0.472873942867327,0.0427641815752165 +0.509369406673892,-0.704012998994348,0.0363697003717626,-0.488799884993448,-0.282123968875115 +-2.0978829597843,0.61130421644471,-1.99886869356264,-0.179604823341114,2.00572083552633 +-1.00436197944933,-1.09269696817078,-1.07400829803065,-0.148234822935141,-1.35640692927758 +0.535771722252592,-0.807008651997487,0.14441353382798,0.219743763527601,-0.00954852259372306 +-0.453037084649918,1.50568780131846,-2.79746162690224,1.62675778370599,0.92508299585369 +2.16536850181726,-0.314927457882777,0.739689136119257,-1.37730541532826,1.40071209465909 +1.24574667274811,-1.90377053180904,-0.075442482179424,0.569856386207947,0.0318154322719074 +0.595498034069596,-0.0755386888983497,-0.346100481922732,-1.148697675552,-0.600856705408129 +0.0048844495381889,0.255982362327176,1.76750313638534,-1.24615023977226,-0.159305145188925 +0.279360782055259,-1.33486179631915,0.378303839133197,3.54922331021537,0.0666577602596922 +-0.705906125267626,2.2737436373971,-0.722176235637539,-0.949163494300049,1.2977347309956 +0.628017152957251,0.145876421988326,-0.00723247462455358,1.81910746401846,-0.270962673962486 +1.4802139600857,-0.433779648421956,1.62716052255255,-0.658939265546171,1.03203083978115 +1.08342991008328,-1.08972915419889,-0.874039026089556,-0.883598408533954,1.9458667841457 +-0.813244256664091,-0.884692343726401,-0.357116339527888,-2.44572370312598,-2.02085478318208 +-1.61887684922359,0.859840214737585,-0.143993498403539,0.666862143011153,-1.47836903287634 +-0.109655699488241,-0.387416701111246,1.40464523492684,-0.487752785110748,0.646884532413286 +0.440889370916978,1.69016764308195,-0.774730221036573,0.202033427735288,1.81073756208075 +1.3509939798086,-1.26559377598625,-0.846877756555411,-0.407823081690971,-0.986310139556206 +-1.31860948453356,-0.147524039106925,-1.28929799110308,0.706699393959072,-1.41818465768849 +0.364384592607448,-1.65856243574295,-0.409444048710076,0.367454542426712,-1.06651457897936 +0.233499835088518,-0.3344020470276,0.0444937281085443,-1.35041640625542,2.85462601938738 +1.19395526125905,1.31316185379189,-0.153689934316704,-0.631794106230256,2.09420849245851 +-0.0279099721295774,-0.247748708865279,-0.153768897749587,-2.21607393150497,-0.402194949900401 +-0.357298854504253,0.871146609531473,-0.120525483963186,-0.826549941473532,1.74954806123816 +-1.14681413611837,0.938006433442794,-1.00968391630703,1.57745738759054,0.457765636111735 +-0.517420483593623,0.48720693211324,-1.53451942591829,-0.236176327722443,0.324628622019259 +-0.362123772578272,-0.38738145859323,-0.468277733674612,-1.05483417989233,0.19814951898154 +2.35055432578911,0.39753274404956,-0.675321597343778,-0.262484923158888,1.63225604621237 +2.44653137569996,1.01821040698917,0.587929081235125,1.75336925622576,0.305520395844187 +-0.166703279484276,-0.280217771565802,0.647812372062329,-0.676189919698572,-2.18191442222013 +-1.04366743906189,0.228251518793055,-0.719146120685158,1.36061700719669,0.12880606695362 +-1.97293493407467,-1.58454137684545,1.59204812519396,-0.488515382544163,1.18500147450608 +0.514671633438029,0.123767625951061,0.214218086396195,-0.518671901730616,0.572160206416162 +-1.09057358373486,0.0311986115452478,0.259734646804249,0.871596391925027,1.52840577090421 +2.28465932554436,1.67610831896582,1.35831224234804,1.15251045909935,1.01901637931434 +-0.885617572657959,-0.0860577361371599,0.594318995831329,-0.305924726442569,-1.93230791901942 +0.111106429745722,1.04701568634141,1.0295941574629,0.343837954019986,0.0690732095046386 +3.81027668071067,0.386263973461572,-0.635737431850618,-0.727169406872142,1.44855999708381 +-1.10890999794325,1.3930845137859,-0.144537130333702,1.07496074375937,-0.659096590107196 +0.307566624421454,0.284709664441209,-0.571318932168667,0.919969603251776,0.456026088525449 +-1.10689447222516,-0.911977235847003,-1.76854782973635,-1.44709018452706,-0.0683442309984927 +0.34765364882196,-0.521210622490112,1.41941166986393,0.429313358614429,-0.855929391417317 +-0.873264535062044,-0.612784512603512,-1.47808847029884,-1.74556612300667,-0.834087151671424 +0.0773031227369236,1.55795372586542,0.990101042066362,-0.83795390656429,0.991506449633356 +-0.296868642156621,-0.7292970086591,-0.0664354225675706,-0.607542348474575,-0.00831238462066047 +-1.18324224043267,-1.50395087846394,0.257973788385441,0.35306674883383,-0.467870492538831 +0.0112926884238996,-0.566786996187811,-0.621453484777161,0.940530404256546,1.48250675038098 +0.991601036059367,-2.10445362229789,-0.776452633431541,0.755949683212203,-0.812653101679003 +1.59396745390374,0.53073192791253,0.315342751834405,-1.34041073510184,1.78278887502271 +-1.37271127092917,1.61768413503803,-0.963693673702099,-1.37357215486581,1.26244021076616 +-0.249610933042319,1.18453185727185,-1.15635521449289,-0.435151748379749,1.22498800746522 +1.15942452685555,1.87633336681814,-1.08556057653567,2.71508586179829,2.48594757016619 +-1.1142223478436,-0.455775876078619,-2.64561960573244,0.011034696102652,-0.555798186684567 +-2.52850068885039,0.669232680971154,-0.800562508795526,2.54086599472099,-2.06432400472705 +-0.935902558513312,-1.28300743322771,-0.212657487651171,0.0290022846325341,1.12278123533023 +-0.967239457935565,-0.396700097918854,0.621291362272924,-1.76687399021843,-1.19823710301925 +0.0474885923277959,-0.118553051278211,-0.360029637451773,0.247477750856503,-2.62390618087487 +-0.403736793498034,-0.957215096573776,0.952602727671806,-1.17414843779504,-3.09406586098873 +0.231496128244633,0.418637737936863,1.21729920964945,-1.13558498264146,0.810786526773786 +-0.422372407926746,-0.107179673091409,2.23266336129732,0.909045703332229,1.28910730347634 +0.374118394695298,-0.298918554746532,-0.716487136454238,0.985284483422889,-0.778124805996259 +-0.366005774997015,0.309770554875277,-0.571776592523872,0.990671829987119,1.08697820252186 +1.19010144652106,0.254681415413411,-0.0720051332077797,1.16311497647173,-0.778347540382326 +-0.737327525257229,0.17646838198949,-1.4605230546696,-1.86720313285228,1.05330634774644 +0.290666645439266,-1.07468219623078,-1.12927138131243,-0.787156399581137,0.229206222200578 +-0.884849568284455,0.104354436034201,0.465923558097236,0.115757265638234,-0.672825446009554 +0.208006478870832,-1.21219976858165,0.519782608478249,-0.324633454241037,-1.45972829514752 +-0.0477301724785263,0.431488652195937,-0.702771623776352,0.0680163567800886,-1.04222546131886 +-1.68452064613859,-2.21306893008935,0.375886154360217,-0.498156467563915,-1.34192596185403 +-0.144226556618951,2.73697025232025,0.865356181876486,-0.628069786226752,2.47504742749037 +1.18021366550265,0.264909543602995,-0.028432859818083,0.871025795972233,1.55330090549744 +0.681399923199504,-1.51904140905982,-0.40140704262003,-1.8423069832839,-0.740380250044495 +0.143247630887551,-0.00504189932220751,-0.310875221796177,-0.334158379910543,0.0603505092241946 +-1.19231644371292,-2.44129914846835,1.33804952445875,0.352168798074503,-1.23728792287592 +1.16922865278909,0.298880900053751,-0.302249235496734,-0.408094311963601,-0.189944671481636 +0.0792017089453723,-2.26543914064524,0.109841074061925,0.0759161483363245,-0.252409204540312 +-0.451773752768677,-0.420676044217947,-0.196603236116577,-1.33100819190213,-0.4689845694828 +1.64202821280077,-0.122025788607322,-1.49370835279973,0.760338245702745,-0.988642040359735 +-0.769592321599518,-0.379204167625732,-0.841243747749672,-0.0263778771496213,0.0587350168530419 +0.303360960757848,-0.83948486084743,-1.65386336120933,-1.16141071584009,-2.63109033619589 +1.28173742118351,0.681905231996392,-0.292642983581653,0.832370083813548,0.842936369935068 +0.602222795170429,0.821397980832508,1.16748765854202,-1.06580076148928,0.412347795863489 +-0.307022264536836,-1.62036429534797,0.539007811957632,-2.27866212088485,-0.372065108252775 +-0.418418103422641,-0.0907931620268885,-0.108524670413484,0.300357608837525,0.626957106113331 +0.355135530046085,-1.15439956844008,0.792645130939778,-0.504937337233526,-0.82349310210165 +0.513481114599557,-0.733216570745551,-0.921837974453563,1.33793857367433,1.6322167824618 +0.01860740032874,0.866238822578196,-0.153679193025144,-0.243585748018998,0.272211333668896 +1.31844897225668,-1.63544664695086,-1.71109157866911,-0.0603162440403794,-0.807527485620919 +-0.065831999838153,0.627568350122273,0.280264275545609,0.798035944743855,0.504609761451082 +-0.700296078317704,-0.635133372784939,-1.77651738586067,-0.464946294443432,-0.217417355479869 +0.537326131521341,0.0817101151480502,-0.273490048216192,0.382631776779494,-0.716296073608758 +-2.20178232235392,1.38781957775007,0.970473861782154,-0.382028006105067,-1.10227557677475 +0.391973743798411,0.126878001234722,-1.26086084043226,0.976360911782075,0.962348824729595 +0.496960952423719,-0.779537579601291,0.421765584570519,-0.949066546160517,-0.3058660872622 +-0.224874715429902,0.904520014696103,0.131146937070485,0.251446946180977,-0.683292033919494 +-1.11714316533188,-0.649613587069821,1.67977350757796,0.0778793216410313,0.129046386909028 +-0.394994603313877,1.39732617792246,0.601614280051192,0.882957803528658,0.411643345724807 +1.54983034223631,1.16277057631701,1.05261385918535,0.606768787814783,0.00957934094427138 +-0.743514479798666,0.434554300966389,-0.538860044908449,-0.159655817962591,-0.314813416674951 +-2.33171211772957,0.291382677945508,-1.27421886788891,-0.939731900641293,-0.720593358668361 +0.812245442209214,-0.276799384357916,-0.0429205994562472,0.479394771139039,-0.21242361707031 +-0.501310657201351,-1.81065377551965,-0.660352857640244,-0.319031767387571,-1.70722293820373 +-0.510886565952357,1.29419581151547,-0.919449015166494,-0.541139345526292,-0.146083594512616 +-1.21536404115501,0.0774504305459009,2.18523157821551,-1.60006170587744,-1.09887706608335 +-0.022558628347222,-0.770580566625894,0.640275410700243,-0.448538518423012,-1.53170594446296 +0.701239300429707,-0.491538245326016,0.430147285049028,-1.81083492588511,2.66022067207393 +-0.587482025589799,-0.986740932099094,0.226197787042444,0.928300461195544,2.32352123195917 +-0.60672794141879,0.0289019048064382,1.03528773717584,-1.731106349625,-0.587935219982499 +1.09664021500029,-0.803547609183948,-0.297298681078415,0.582601301652533,1.21204599049182 +-0.247509677080296,-2.76257689360565,-0.0782854704950353,-0.537542280717842,-0.305048804592883 +-0.159901713323247,-0.169021838766148,-0.739044018081149,0.766047507479803,0.924290817932818 +-0.625778250735075,-1.81040224031305,0.664912164808967,0.525631794348442,-0.276681037106465 +0.900434635600238,-0.225583365827506,-0.23335249612067,-0.814387217059139,0.0745770533703117 +-0.994193629266225,-0.901647849097845,-0.75742074172919,1.22152027045666,0.583261399742294 +0.849250385880362,0.609621613729623,0.318119077804069,1.36112427511906,-0.929716747752306 +0.805702288976437,0.00591177428160467,0.312676638769652,-0.174488894578665,0.467154893949915 +-0.46760093599122,1.42657667561235,1.92958424170173,-1.24541948975208,0.00177683514462723 +0.848420313723343,-0.115774498050872,1.21116802644776,0.489715625506579,0.428014811218792 +0.986769863596017,-1.75691718755723,-0.22823173641098,0.00979097633935787,-2.14648314359027 +0.57562028851936,-0.00120044398061713,0.840617395603255,1.54995957081628,0.777659096955908 +2.02484204541817,1.03995238831836,-0.0181113610483537,-0.617136588917803,1.9216721934181 +-1.96235319122504,-0.15837447096464,-0.525203905301292,-1.27211719485171,-0.630465592292907 +-1.16492093063759,0.538117590038689,0.378142498990971,-0.895807534650941,0.71501211262113 +-1.37651921373083,-0.0490209026377589,-0.417903383503862,0.254109534107703,1.90509439832875 +0.167679934469767,0.315215218557026,-1.10735575727233,1.41336979916223,0.284332435756874 +1.58462907915972,0.475404501384837,0.51144319044488,-0.0231210095035443,0.459057942324699 +1.67788895297625,-0.303354920575959,1.4443434365775,0.411236964215761,-1.29400833879277 +0.488296698394955,-0.8615068688357,-0.646279295845295,0.648730960448433,-0.216826178157833 +0.878673262560324,-1.57394938264868,0.647030307884937,0.0618625059944791,-0.903422845428976 +-0.144874874029881,-0.665940119842949,0.918615528362116,0.903096553062682,-0.912412126774954 +0.468971760074208,0.561821122041812,-0.417027784473859,-1.65242001267911,1.31028979907093 +0.376235477129484,1.8818708752534,-1.03799554596124,-0.223034309641378,-0.051493573360013 +-0.761040275056481,0.133346093542897,0.937951393778645,-0.219679810019374,0.798632414516957 +-0.293294933750864,-1.52502907895271,0.377091542808007,0.521695112278409,-0.296247028312979 +-0.134841264407518,0.618082500372415,-0.25193691317126,-0.645393286945789,-1.13927565648527 +1.39384581617302,-1.15730474391107,1.7961911860727,1.10198713599574,-0.0064252678934994 +-1.03698868969829,-0.154126364802646,0.117445011899902,-0.814490716072825,-2.38045791539719 +-2.11433514780366,0.402447350097005,0.951914972903084,0.560939480632771,-1.92013780811375 +0.768278218204398,0.522360723740164,-0.423722649675002,0.557830306954922,-0.275924462408056 +-0.816160620753485,0.199596521950764,-2.67608352977341,0.129056735092904,0.427956180138409 +-0.436106923160574,-0.324820672278131,0.813369580610122,-0.321304397397832,-0.019987459180976 +0.904705031282809,-0.780144465302831,-0.490311084328603,0.0953967721878255,1.49711188218201 +-0.763086264548317,0.981727109822786,-0.882038445011719,1.50067125369445,2.28996853521462 +-0.341066979637804,-0.625524591232083,-1.34697295057506,0.550569777966247,0.421922408658218 +1.50242453423459,-1.42555254540304,0.522503908051668,0.475467917841196,0.561529376475726 +0.5283077123164,0.123447675058088,1.00391961990922,0.134376887349576,-1.4769774875895 +0.542191355464308,-0.576353100307219,0.758888937657008,2.33104864582281,0.0266108106418126 +-0.136673355717877,0.0990450673600485,0.477718710581304,-0.568524628941839,-0.275597473547419 +-1.13673385330273,1.12554492513596,-0.466730208179082,0.91621457287989,-0.287106800581578 +-1.49662715435579,0.0824631752146971,1.18652417846091,-0.741338486293875,-0.198476081240888 +-0.223385643556595,0.143706375110676,-0.561966721100338,-0.619516566883099,0.843398630362281 +2.00171922777288,-0.647147939320011,0.559418100150275,-0.300161649116642,0.15755688927026 +0.221703816213622,0.828841124354269,0.114499919323831,-1.43602644704862,0.833431196646997 +0.164372909246388,-0.0345747446073711,0.349846764191119,-0.912772278304938,0.695429707026548 +0.33262360885001,1.58933164914901,-1.21915882049829,0.737674131714533,-0.214806942864216 +-0.385207999091431,-0.295961636671433,0.33262976463278,-0.261132653204823,-1.73303091543784 +-1.39875402655789,1.3245092252945,-0.32780177645505,-0.858278782420405,0.118657745460611 +2.67574079585182,-1.20293180149599,0.527789901679229,-1.1731678010835,0.632507755695659 +-0.423686088681983,-0.847956040381484,1.11237988289394,0.173300140359174,-1.05674330754386 +-0.298601511933064,0.326727610240207,-0.493471128305632,-0.444038845196312,-0.431703380860533 +-1.79234172685298,-1.45953689168295,0.644119383595946,0.0191480062333343,-1.0442868547656 +-0.248008225068098,1.2231934047562,-0.574898756840574,-0.735414976700653,0.541971501417657 +-0.247303918374605,-0.170845086003352,0.00771094888868792,0.2504807309156,-0.382904727411218 +-0.255510378526346,-0.327014082481113,0.129292413351798,-1.96639912839462,0.730943060734811 +-1.78693810009257,0.459207081438735,1.043305214867,1.68930779404441,-1.52998443719244 +1.78466281602476,-0.425436378804153,0.705790499231181,0.414274225110174,-0.353176190876302 +1.76358634774588,0.56061225583107,-0.810465125856486,-2.04540216109865,0.339945627227826 +0.689600221934096,0.439922374281781,0.0495612922710824,0.920814594772539,0.146744992182353 +-1.10074064442392,0.594378595526582,-1.43329844870587,0.0742382359308699,-1.57500470369644 +0.714509356897811,0.682943697520225,-0.366188928582747,-1.23781563988346,-0.232966802777804 +-0.246470316934021,-0.975210835699629,0.140392699225585,0.0959353743916695,-0.796612345613557 +-0.319786165927205,1.51615681331638,-0.545419692127589,0.833110487126801,-0.714919416687029 +1.3626442929547,0.079474282540535,1.17931710487164,-0.362807534316532,-1.37835178853631 +-1.22788258998268,-0.310148341613777,-0.392576369083677,0.95302074489341,0.838612176475361 +-0.511219232750473,0.147318291026405,-2.11637060806445,0.376076837631999,0.38569339335941 +-0.731194999064964,-1.56096140369703,-0.272071308507575,0.394831180618311,-0.318667464334391 +0.0197520068767907,-0.245720689099123,0.486983766834652,-1.61652304196488,1.30072934589069 +-1.57286391470999,-0.523155881846417,-0.916357907389771,-0.087629611136623,-0.883738207657571 +-0.703333269828288,2.48570963398239,0.0807239201292936,0.108653550329355,0.139756052218148 +0.715932088907665,1.72533251478581,0.902773993167692,-1.83523335953949,1.88050559860338 +0.465214906423109,0.393750984490079,-1.08505216780616,-0.7241656324528,-0.385375814969815 +-0.973902306404292,-0.396870336938185,0.712269361658219,-1.65094656297632,0.368934855417155 +0.559217730468333,0.759329840572267,-0.529710415770841,0.734227793040583,0.349300874244593 +-2.43263974540567,-0.133265982362162,-0.855603823813161,0.391309858897881,-0.594444982933546 +-0.340484926702145,0.345247685017556,-1.82032332434798,1.24011576856094,1.04225260201646 +0.713033194850233,-1.24243528708294,1.31866420685163,-1.21850447083573,0.158003104794006 +-0.659037386489128,2.47795228867216,0.474162279154413,1.43521463692756,0.355446052656746 +-0.0364026225664853,1.47027072416498,-0.349183518000472,1.26551989983491,-0.515836906355719 +-1.59328630152691,0.196085071557566,2.08910737995865,1.31963505732519,-0.620640847128505 +0.847792797247769,-0.0399599799327411,0.299465980822352,-0.972236824420931,-0.996551878640833 +-1.85038884866061,-0.87297729291597,0.944871485957918,0.415278790848165,-0.804521906027205 +-0.323650631690314,-0.0204028549935312,1.2531105002526,0.953515508704764,-0.199848597562177 +-0.255248112503172,-0.143229501822875,-1.03785742271128,-0.253375827226178,0.850549048978021 +0.0609212273067499,0.0452883620907368,0.321358553764002,-1.86884820951669,0.434147753069621 +-0.823491629018878,0.478436293069706,-0.156646536728179,-0.0111580837735708,0.704832578998251 +1.82973048483604,0.524943067720978,-0.305612530750928,-1.02824670697665,1.9554612255096 +-1.4299162157815,1.98635216617914,-1.80241879709299,-1.04258083688177,1.06284206167126 +0.254137143004585,0.364965529686832,0.28592391850316,-0.538560409920206,-0.934059541710719 +-2.93977369533598,0.277626856804724,-1.56151973673598,1.96577748109592,-0.80146998455506 +0.00241580894347513,-0.416137566962942,0.549780078049602,0.927675697597509,-0.629136181461476 +0.509665571261936,0.187058109404837,-0.774685726062757,0.969102087410273,1.70987792797804 +-1.08472000111396,-0.97694392668681,-1.80457417016733,2.21208880991821,0.42691866075118 +0.704832976877566,-0.590996729175338,-0.22202653148843,1.1359369490036,0.527827302311345 +0.330976349994212,0.926738378449539,-0.530237375432571,-1.03873985174319,1.39198068265876 +0.976327472976372,-0.501124433980159,0.189575215149567,1.03300536101319,1.76902611261312 +-0.843339880398736,0.057797017604054,2.40435437624125,0.3046636323588,-1.59829707104725 +-0.970579904862913,-0.36490681436614,1.92855445747941,-2.08189167460053,1.26191858518169 +-1.77153134864293,0.119856577986717,-2.20870371758948,0.583687442147779,-1.99600400725527 +-0.322470341645949,-0.655839248476796,-0.267074383731368,0.348285917225096,-0.865689308382237 +-1.3388007423545,0.943371963706623,-0.811750171639672,1.53357657919289,-0.207066782823044 +0.688156028146055,0.241071044987936,0.471434337244538,0.767034035064245,-1.23261992981896 +0.0712806522505788,0.174946535980053,-1.72044688359638,-0.510427344501181,-0.093272120677414 +2.18975235927918,-1.02859095304571,-0.438853234630708,0.770661228833557,-2.08102246636201 +-1.15770759930148,0.523508566595358,1.23382799814449,-1.28320930969519,-0.225288617743169 +1.18168806409233,-0.310002626773187,1.0810187071651,0.388264476543367,-1.1449662525712 +-0.527368361608178,2.27157551831141,-1.34425112697119,-0.357571999124049,1.05517157655427 +-1.45662801131076,2.01319399119818,-0.0560046823384152,-0.629153962930209,-0.0539740265011797 +0.572967370493168,0.2546849770835,0.056185344201552,1.37599893083246,0.285894920371868 +-1.43337770467221,-1.06327316309874,0.386554230734381,-0.617584535500851,0.95648306855326 +-1.0551850185265,0.778825736770527,-2.08975488213792,0.389528836917595,-1.19675933265971 +-0.733111877421952,0.567159779570619,0.650211826614741,1.62261097313358,-0.818290654796191 +0.210907264251298,-0.609570597155101,-1.60522684609233,0.362385960231556,-1.70223627927889 +-0.99892072706101,1.51057335286814,-1.41169341092248,0.984442417561296,0.303896224207098 +1.07785032320562,-0.442208406135052,0.630167048181747,2.03894390603663,0.215757974995347 +-1.19897438250787,-0.956351019799395,0.492052648638282,-1.12101678515073,1.69487508654885 +0.216637035184711,0.94457453029071,-1.54352019209202,0.0373548132060826,0.556712291561256 +0.143087029788927,0.251244153733997,-1.31006014250695,1.33252041909942,1.17221532213364 +-1.06575009105298,-1.32158726699617,-0.949260494967243,0.588740201671689,-1.00101063617132 +-0.428623410701779,-0.634422596430598,-0.180780988298958,-1.23077429368584,-0.750057564088722 +-0.656179476771346,-0.675956789809897,0.369644919508008,-0.193114861611438,0.330709415605958 +0.959394326857613,-0.936854070557257,-1.22934354955979,0.954610978634627,-0.300197874247064 +1.55605263610222,0.825629764525003,-0.299138673850278,1.20887043939621,1.66146012744217 +-1.04079643378825,-0.0538171882164384,0.671624351370558,0.461399218394762,-1.18444475323304 +0.930572408540247,2.19269018194481,-1.06526710889302,1.87010967838325,2.40443857697159 +-0.0754459310121911,0.614830175647015,0.533585957129391,-1.25115361403004,0.462415395694969 +-1.96719534905096,1.32641862246124,-0.354340078572364,0.261380383922309,-2.0719508991639 +-0.755903642645193,1.05222436973272,0.525622008045514,-0.648756561697482,-0.420692592897549 +0.461149160506762,-0.115957699597586,-1.38739256945421,-1.84695790252245,1.90556376476743 +0.145106631047872,0.231954118821202,-0.0055803766545081,-1.17533239750012,-0.36156242764327 +-2.44231132108142,1.45812793037782,-1.70297288755777,-0.411517975235482,-0.867993024970757 +0.580318685451573,0.174577363641422,0.180804125543735,0.190584181176825,-0.54792515722866 +0.655051998486745,-0.552878228097014,-0.782768061893155,1.13721430600609,1.09012204244014 +-0.304508837259419,0.585678309974929,0.38531549121288,-1.11015624584113,-0.575356376293977 +-0.707568232617297,-0.0447924947553517,0.100248295538701,-1.02900126244458,0.556377483576545 +1.97157201447823,0.5674213540279,0.334690943209228,0.149280189848977,0.686538038677573 +-0.0899986806477491,0.695401731539223,0.278944555113731,-0.290294865261516,0.956799389325093 +-0.0140172519319242,1.24035018094875,0.504039434202431,1.08751427431623,-1.62906544978129 +-1.12345693711015,-0.0695193484194442,1.56815288080552,1.01615839584517,2.19315278819385 +-1.34413012337621,-0.234888752200037,0.213389603541111,0.881275205657436,1.46466683865237 +-1.52315577106209,1.56861573693257,-0.288017000672888,0.522617758431991,-0.635944793142368 +-0.421968210382174,0.387138469725834,0.163662006479106,-1.17867959283711,-1.30553188519409 +1.36092446408098,-0.612807055718472,-0.408443669807746,0.0697374480062655,0.723595143044101 +1.75379484533487,-0.147611082026153,-0.489964852612685,0.0634563857445829,1.74320694987846 +1.56836473435279,-0.351539612384863,-3.22723290494499,0.917410455094479,-0.880379305968339 +1.29675556994775,-0.539428819649832,0.363173625810765,-1.18954558958015,-1.53764761122634 +-0.237596251443612,-1.62434947806925,-0.216594700326061,0.446513595274859,-0.00873225946208994 +-1.22415013568071,0.996587603582719,-0.66863044954779,-0.126596857316796,1.30819268509991 +-0.327812680140072,-1.65944513025903,0.0392444235209645,0.940153907238054,-0.150619741727323 +-2.41245027627225,0.708386116469188,0.438219802345735,1.60295852303894,-0.58482814934005 +-0.31379287344339,-1.72133812048754,-0.740340531341119,-0.64475798415706,-0.669138846576279 +1.65987870464572,-1.94659714109231,-0.418816556870605,1.82774974554844,-0.808131209356912 +0.130953100607517,-0.924093854991773,-0.657288964663847,-0.821568442327352,0.696497421909561 +1.09588868268958,0.415847105326159,-0.889792216237348,0.0251465135977083,0.591910839172911 +0.489340956943913,1.15858399776454,-1.12462473440855,1.22865834149299,0.217636287180425 +-0.778910295448653,0.956898780521356,-0.446747268442171,1.14845701148969,0.286956981731103 +1.74355935292935,-1.50123222495939,0.171375943525628,2.97366911265594,-1.01049365256413 +-0.0783872853310662,0.616214925243793,0.825588469842571,0.495159412581315,0.551419353352759 +-0.975553792522548,0.0867958504947447,0.417227446412465,-0.428794460162723,0.676047841576958 +0.0706598247385691,0.293257014640153,-0.599410430744487,-1.65445707646851,-1.55221121988957 +-1.5185995288232,-1.18605794016193,1.30208656034657,0.0175877167326528,0.0162673757440126 +0.863779032791318,-1.10290039395195,0.555116072557163,-0.329304039330202,-1.4974609117589 +0.501568385364368,1.32898344764457,-0.288522470952582,0.253625297663662,-1.5356851313898 +-0.354781329646987,0.162513579554029,0.0464395827392657,1.19221617103858,0.418641741023076 +-0.48842888759119,0.797784419977436,0.758181881166226,-0.76118277348993,0.759703041844657 +0.936293947292698,0.0231119753594884,-0.65468875657679,0.49972232659118,-0.278992841170318 +-1.06240838642214,-0.245389734916679,0.469109991284525,-0.379731815862094,-1.95017821885187 +-0.983820871704388,-2.4150182379673,-0.628063484339248,0.562581631376842,-3.60298108389292 +0.424247877020078,1.2638714500113,0.0734111197684186,0.328027703047943,0.767220405787119 +-0.451313480552634,1.93028002249779,0.417928296502771,0.409036693000827,0.341444681007246 +0.925084796723901,1.63553583828235,0.0486398850575297,-0.734640361235442,-0.0979307931541481 +-0.198620809812313,0.303009715962924,1.78239477197259,-0.878054165299544,0.142091018293386 +1.1948510169004,1.51858705744387,-0.608462390701452,0.159582823629339,0.0545983846690032 +0.495544705180151,0.961674511310053,-0.603632811727327,0.525835929998434,1.75063755397551 +-2.24515257409297,0.407220486213922,-0.350823221632244,-0.394650477216645,-0.236638514604916 +-1.33537136041822,1.01783661504242,0.812178380222683,1.0225780824528,1.24725705375735 +1.28277520617769,-0.0428268988048277,-0.410296491945412,-0.94938169998389,0.301263145923445 +0.690795904173712,-1.90688901475649,-0.195209203976552,-0.499595142990298,0.539136623783297 +-0.967062667858309,0.927212305679069,-0.11116510327476,-0.226801260968459,2.26362283859977 +-1.34579368502011,0.927517088674193,-0.632078546076166,-1.6911118352093,0.807814685640965 +1.03366538931573,1.09909942526822,1.25304243061186,0.977826918566448,2.27913006911718 +-0.811776459663054,-1.63868046662966,1.75430851825817,-0.954006313441049,-1.32374471913317 +1.80172547861817,-0.744959284387817,-0.613811206611433,-0.702488323405161,1.18918946328055 +1.77154196037941,-0.15193256985916,-1.02421702452291,-0.262234849072156,2.48843214207716 +-1.45469136980239,1.86108499327601,0.377405319743023,-1.09890251639702,-0.327041032914788 +-0.845654312575637,-0.602160257021633,0.456554442580597,-0.259931528333925,1.2584464451646 +-1.25047965932418,-0.841702735616271,-0.702814007863046,0.785079444037748,-1.96948861638252 +0.667288067904176,2.36574305722984,0.737386646767282,-1.1610841461471,-0.200012241117381 +-1.29076968763763,0.0156546548224525,0.408857741591117,-0.997058682089986,0.675806237792729 +-2.03500353846891,0.0434204020906002,1.91763271767676,-0.764912357992994,-0.0798724624667008 +2.02134699449252,-0.777830666929181,3.0933950753084,-0.630189312463055,0.214232980350832 +1.00597348761217,0.935071125608459,-0.0781147936415403,-0.627766870244733,0.35045727698766 +0.817123601225002,1.43277370156086,0.118868637224359,-0.511748676731759,0.689044444414327 +-0.663988283577244,-1.1747429871594,0.0479420465524755,0.696524137080323,-0.993389118708922 +-0.0112812312503971,0.148893064085166,-0.863093921942479,-1.37245557557125,0.240309984430963 +0.619677256209794,0.804843297001367,0.104182385561949,1.16237976559737,-0.724906266265457 +-1.2812387419642,1.14203909455577,0.389202991724257,1.50749956683341,-1.28753763975537 +-0.124261326376048,-0.509617443082766,-1.085927159785,0.163585035477745,-1.33495869989125 +0.175741654501771,-2.5762271577237,-0.195546199648396,0.176675115785128,-0.599192993415173 +1.69277379447271,-0.190954440812338,-2.51572668603246,0.282323598004855,0.964433516189874 +0.642132717206933,0.338703481711211,-0.386387656436542,-0.395263083893985,1.68997317382854 +1.28223303234921,0.806367553429533,0.306764539186053,0.261910789346995,2.10715219833394 +0.140546973547383,-1.48247701908601,0.22124660909818,-1.35600474459952,-0.370512678948653 +-1.11250268318057,-0.543070180552932,-0.275283664800405,0.654589776219473,0.585036513162492 +-0.339676971961898,-0.374702899273723,0.911108832558163,0.0380063884595621,0.519059642869034 +-1.66476463926247,-0.512093711874091,-1.3334897113704,1.50594955628169,0.147460328214643 +0.928851761720271,1.09805536313372,0.788199038937063,-1.4688593723378,1.65938694751588 +1.41682683471578,-1.31666815566835,0.911537354242428,0.386456550212503,0.0500037076165491 +-0.0627207776270142,-0.650315638291006,0.34005710773804,-0.0275658381203508,-0.124370822159037 +-0.980902336097871,-1.18611492926389,1.11481043731866,0.518220191401012,-1.42761893384995 +1.08715025123701,-1.47956391607176,-0.218023436237999,-0.258322454560849,-0.949534637003154 +0.139327026560686,1.08191079093124,-0.771255116100897,-2.17133500851571,0.208775768019184 +-0.386272097673785,-0.591173116673932,0.662584187206001,1.85426659743157,1.17097218542999 +1.12358542318002,0.340662687178802,0.792225360678587,1.69412861120235,2.57794100589288 +-0.759845657357593,-1.02475513811123,0.216416730409139,-1.11319134052944,-0.425542590593284 +1.14895910322903,1.25405185800892,1.2262090181214,-0.468866193830773,0.469004644213096 +-0.84247625893675,-2.08313443750359,0.680670482701122,-0.670226069121752,-0.625541813459931 +0.391413340392769,0.235748419751775,-0.105318780064966,-0.366228414409537,-0.638044811661008 +0.891377242318638,-0.512524115818692,0.929365998140173,0.807475848328756,0.521906995037308 +-1.33525871255432,0.676571751907639,-0.536670111171916,0.0994719459933993,-0.303237749226145 +0.398123477834933,-1.09750025331333,1.67453193664102,-2.1305799991918,-0.395681659858143 +-0.111586802948826,1.10233898465864,-0.487188681404389,0.671059376419316,0.608978304817129 +0.675743916642286,-0.848894703533875,-0.897620842958185,1.05835643964543,-0.777466432972357 +-0.788597935379218,-1.11851003547539,-0.57592402618557,0.855787329111912,-0.60790303992623 +-0.0869863340574937,0.802760268421125,-0.018703709779272,0.395685227921206,1.82306816320442 +1.38228400775579,1.08186088473126,0.736066945186716,0.536654670592802,1.02094841721678 +0.168490163808026,0.390339232812232,-0.49718525852584,0.261742815489767,-0.750960934437651 +0.823190948275118,-0.459305890939547,0.230388553870107,0.730952575894616,0.987317888932833 +-0.220894597616442,-0.207593630941905,0.852231625527046,0.689701115583282,-1.15386626011427 +-1.02939165471471,-0.170783129408863,0.16809064248767,-1.0520315654792,-1.98801989578799 +-0.0109256908471287,-1.4736378165035,-1.45976644384712,-0.635065808683368,-0.0648569182863191 +-1.22499115544077,0.107621495179303,-0.754761108206091,-0.680307173714964,0.789972765616814 +-2.59611138844997,0.137484512996541,-0.884015326082865,0.97002872767153,-1.9788925351374 +1.16912259199149,-0.673787163852309,0.377298290612475,-1.86361368517697,-0.896916626929765 +-1.08690881697743,-1.14231038602642,0.963673917741537,-0.618316460408424,-1.75639754583344 +-1.82608301264641,1.1754606600102,-1.52615765169228,1.51301307791845,0.228119621461209 +0.995281807292567,-0.474145647545484,1.22137870317836,1.38074921628997,0.237205355097824 +-0.0118617814307389,1.64430851265484,-0.31968033678831,-0.453834966580039,0.203700877347675 +-0.599628394751609,-0.328453640134614,0.565806778493512,0.0807378393212091,0.603667465563159 +-0.177947986602105,0.152922121516819,-0.916354146341568,-1.14049343782603,-1.98835066418016 +-0.425981341802302,0.755027420977342,0.369471616262088,1.28208579443667,-0.55963083082086 +0.996658776455071,0.929276730093405,-0.0212587010650414,-0.0951092485472643,-0.315489948084853 +0.727660708501531,1.19074860224184,0.224467950390548,1.55213953673418,1.85906069778025 +-1.72663059586351,0.239200372055567,-0.922442033948606,-0.132161151429524,1.37815230710371 +0.35339849564175,0.66050921539078,-0.262482283035964,-0.392699731930138,0.329914895525749 +0.726813665899557,1.43995048070758,1.13481386067868,-0.00521818621538887,-0.041516426669871 +0.668260975976705,0.354764205838731,-0.825773477197413,1.37305220612753,-0.187060497633077 +-2.42431730928421,1.5186550464595,1.04291500945657,-1.09469385647595,-0.696137745861968 +-0.235357425015276,0.300808794696801,0.264597562475079,0.727178590770644,2.07248211115893 +1.97963332091796,-0.930108582778496,1.15499673468066,-0.402272941147644,-0.218754435186552 +0.796794538639531,0.558514398907142,1.55556201971689,-2.26626759646109,0.687906100370855 +-1.70927618064586,-1.49811321528191,-0.0245897650326893,-1.17632271670612,-2.22640413532023 +-1.66366871188344,0.511231407789783,-0.346118713059512,-0.0654393780639723,0.0307099778367455 +0.49110955231555,-1.20913130739052,0.159325017970611,-0.536435540388604,0.481363056590559 +-0.174055485572285,-0.326330444021678,-0.177631298012807,0.133397814393182,0.321696672976682 +0.961290563877483,0.677647757938583,0.527372605383554,-0.88877357344057,0.599548931183184 +0.293826661677307,-0.74756271994563,-0.144833354278006,-0.518789882725543,-0.724615305808726 +0.0809993635091707,-1.45437734874431,-0.0251149886877572,-0.134633442567421,1.54919317568968 +0.183661842799281,-0.100831137747452,0.87090425287939,-0.686784439171615,-1.35680947382907 +0.16625503539133,-0.595800384567101,-0.402653134429456,-0.0227415356544433,0.655176990705721 +-1.26959906621425,1.14146594592869,0.974899530163693,-0.494523712679471,0.722285316693847 +2.34949332061946,-1.09789470959784,-0.607443795520809,0.769060572277286,0.481015755375382 +-1.41200540742533,-1.40252934910498,-0.66700823018166,-0.617850223740845,-0.595792820185311 +-0.0169614927822389,-0.759404372624735,0.834263469206034,-1.75235414560899,0.399332205702685 +-0.544319352621665,1.43397995805731,1.31379866916605,-0.152148135329178,0.243563985061252 +1.80011233335541,0.863645243166186,1.44862046124972,-0.877856561810455,2.1555606508565 +1.01144017617923,-0.739430466119299,1.07880784385444,-0.147778921820615,-1.08464182362345 +-0.563716555906629,-1.54253033806852,0.283323546413451,-0.378966072272224,-1.17020683780742 +0.205420795375023,0.385154088763427,-0.145411879889215,-0.303501295364723,-0.2648830006263 +1.16546195019875,-1.45447799438124,0.484753548660926,1.91421826697759,0.641817420129462 +2.2363228395069,-0.148862766336315,-2.48748335841864,0.213205460654546,0.739773689798473 +0.302265076168852,-0.678642810181439,0.833649667857531,-0.265762183025992,2.20501401072107 +-1.04250660223103,-0.397664708626715,-1.31172731048439,1.09076920183484,-1.04111374913323 +-0.983542313495811,0.39858805009632,-1.30479590470605,-0.0717305602946868,0.50776083136337 +2.00571858043419,0.603570937319009,-0.566767757322905,-1.34874464762403,1.10606554906094 +-2.07057148385748,0.287900258992188,0.25371175963825,-0.00465326818843847,0.383948550972241 +3.05574236888186,-1.62233059342123,0.0265675084037349,-0.404035051257884,-0.0576194874051461 +-0.2613505940873,0.64338071097136,-1.01894811931285,0.572304985597786,1.1514138446185 +-0.45439325911372,-0.377644232683814,-0.425288858190284,-0.935762568212427,-1.52747860933347 +0.157560555463951,1.11028033065504,-0.957335159952896,-0.704449033928867,0.846826921994063 +0.933388727865257,0.386602714116006,-0.0546398653533554,-0.755684313087419,0.3493425214102 +0.302828275834352,-0.440231928875702,-0.697475903809391,0.267101181148991,0.579470895876799 +-1.95615022247248,2.05035286816909,0.0270089596076065,0.321222196565707,0.675007215503917 +0.353536709469366,0.451474013284573,-0.311746107411626,-0.901678296518296,1.32895188845518 +0.450424513742423,-1.0423764803555,-0.002358661124509,0.616454032589885,0.121551854817653 +0.659550870534498,-0.0564132472169172,0.46376220271092,-0.27599242712425,-0.945360294295674 +-1.03142072760739,-1.00425497197486,-0.339117597571966,-0.406756528422155,0.329737953997111 +-2.37102288136148,-1.36563150780921,2.13662212589055,-0.413345046527097,-0.669024211447721 +-0.324576307824521,0.228899408758164,-0.23877905059253,-0.113693304968025,-2.41752290091542 +-0.94429875090974,0.246149747636898,0.0677856757251888,-1.24288444669895,-0.655653750072628 +-0.765889998443101,0.803665339724322,1.37558236700229,0.0498046363844655,0.321382715799404 +-0.953779266719918,1.50801988356121,-1.32947521593206,-0.464638957327045,1.28087159774299 +-0.398004449854522,0.427872152655371,-0.111010389628652,-0.900398435260868,1.91775088415899 +-0.311217062923606,0.00699768066188495,-1.05592319545583,1.54591648201189,1.09198005723284 +0.796092713239834,0.0868631829302779,-0.577028158231474,0.0016658642518974,1.95081307055677 +0.986428343875779,0.865406708675207,-0.350000643074195,0.177641911685862,1.6272994840222 +-0.794531662417426,-0.969429687592011,0.278131733766637,-1.02100627479425,0.350020545519943 +-0.308817971515212,-0.89643623676282,0.0404138856384626,0.504691199776724,-2.69255106566227 +0.361444766025588,-1.01782117267064,-1.83660410750163,-0.525409330549096,0.111387303361051 +1.39879110483802,0.920690312496319,1.09538703052389,0.259664336307247,1.34065327662058 +-0.0560704196424014,0.685844421454579,-1.8695768975055,-0.208768941739414,0.263852554947885 +-1.69887349155411,-1.62631644203576,-0.93364844751817,1.26967687471172,-2.88588578889565 +0.231852545141301,0.721700767688327,-1.0335454592521,-0.595148002775159,-2.20277487522629 +-0.119090670970556,-1.15980328968304,-1.34889191457038,-0.938890196328456,0.0230340462773888 +1.77249285346043,0.166036677949007,0.220764894180911,-1.75960910452106,-0.708540109425379 +0.343422165443603,1.05355431324266,0.747215807991624,1.93995839582578,0.984080115676933 +-0.623049782354728,-0.784593909522494,0.391652005116455,0.580756667128803,-2.23114284141275 +-0.439522293828527,0.563692209615575,1.29117020309017,1.41359726702922,0.81653884885788 +-0.505296789545481,-0.31778078241884,1.00553850951184,0.020897979282739,-0.324756737718245 +0.186035137157474,1.21458173507941,0.894145749341549,-1.85118329574928,-0.314465982433679 +0.176417797599477,0.650644820333254,-1.21175610196464,-1.5049931131495,1.1541048704989 +0.915848206824781,0.584770660818987,0.230984175661666,-0.761021869882736,1.09977217991142 +0.320176726180939,-1.75212115412639,0.218487388343272,-0.156309417411996,-0.674489818736902 +-0.36668729712132,-0.448670066533051,-1.28428412033974,-1.1634641785153,1.18819576801296 +-0.940611295179737,-1.84975615242578,-0.486506827272847,1.47671470587021,-2.72766293070624 +0.634702931419534,-0.21243018978096,1.65346511242034,0.814417431820533,0.0227661444258584 +-0.0624884823283309,-0.234628727013219,-0.0768112292061457,0.193494200045532,-1.07201448294725 +0.182837867691791,-0.365205404813139,-1.40119450613908,0.568098698340481,-0.199914250409338 +1.10364101842281,-0.342960093763543,0.0471961457979828,1.20661083253472,1.51910452488107 +1.75203561864876,-0.319941562739017,0.211065203138829,1.03029027062517,2.06829534795254 +-0.953816460135553,-1.27783911437563,-1.08508901719787,1.86948130904356,-1.42605115799333 +1.64408045682029,-0.720405441224653,0.417459968971909,0.19220959826228,1.55258603960133 +-0.866733529450919,-0.57673442617786,-0.0474900688318991,-0.853110252623878,-1.95956509205287 +0.266352192194765,0.304741248232964,0.119040313760899,-0.376341843739741,2.79405618224018 +0.222370494855364,1.43700067454156,0.32731496432457,-0.594949036988837,-0.16853124880023 +-0.276908509892329,-0.609274693292187,0.630310567498758,1.06419384119156,-1.15908028316904 +1.39425304101804,-2.04916259301937,0.486303693246725,0.532506593152755,-1.11809467883029 +-0.658911999778006,-0.345147839350287,1.63498650237476,-0.461292064141116,-0.892543245819926 +0.660531280513291,-0.990897001946385,-0.19258035619236,-1.39746433138213,-1.86590552132776 +-0.0132557001432984,0.506797515431704,1.70049534548573,-0.667663711013327,-0.0923949389105578 +-0.931480298730843,-0.0779890861986427,-0.545632700036767,-0.748840145729618,-1.45916715675257 +1.21468914346638,0.50585422334413,0.448893338882351,0.124462462434238,-0.409730733418731 +-2.08834036550883,1.36123742384793,0.742233542380817,-0.0438578875157787,0.381146167695785 +-0.526152469412621,-0.241619636101935,-1.63875262842157,-0.0799583265563019,1.11625786402858 +-1.54140256690726,-2.11988437022474,-1.12257726347349,-0.797933345920277,-2.01147993581405 +0.194321069901269,-0.661563439458412,0.120398500037322,1.8282933076053,-0.167157758867972 +0.264422549440984,0.318012094215114,-0.255124402094436,2.74682074167285,0.431685884365177 +-1.11873516870975,-0.0983784176468444,-0.936467757705526,-0.0232182340597225,-0.604825808778439 +0.650952956147074,-0.037110578490914,-0.810178525682009,-0.792832265707501,-2.836119429284 +-1.032900238582,-0.947165861000534,-0.674210348762203,-0.768453197022732,-0.33677801616702 +0.659201499417982,-0.545116394930786,0.850995542562607,1.44222399382264,-0.232835896569869 +0.237829399627714,0.581742210670273,-0.37910828098987,-0.314029135232118,0.14630074374622 +0.71527594710452,2.37295308943167,0.135408111822376,0.298651633126529,0.544031455188713 +-0.93848303919385,0.984822917894692,1.1796621360082,0.318903666316849,-1.94612504309444 +0.0953540096781045,2.12344091809535,0.86228191133818,-0.21522830925127,0.387767889399659 +-0.462819419956343,-0.577163746857828,0.986457070856241,-0.251269725098005,-2.97229567662289 +-1.46888215609457,-0.925226557318694,1.12786455207761,1.20513013281279,-0.813509890599382 +0.152686505521528,-0.115234702014957,0.677698623921592,1.88566973667347,0.628929810950991 +1.77376261131718,0.90351797927822,0.912517304428198,0.905901131082066,0.168889803723932 +-0.648070933515048,1.27551042560431,1.09002583964534,0.804810099152787,-0.032622369286616 +-0.199817475668204,-1.97581951155636,0.81112481373771,0.437929877657869,-1.05622037071556 +0.689243732977183,-0.605766262380735,0.334053787982047,0.287144719416068,-0.795637168548075 +0.0361455098365949,-1.57789432947453,-0.786101940707227,-1.07122844924924,-0.553448225448126 +1.94353631225286,1.12581253551792,1.42492094564972,1.37286363829198,0.368308076070245 +0.737213733789873,1.75643086982229,-0.0794358457971349,-0.164234047792747,0.785076292474575 +2.32133393302204,1.18147029791757,1.50983134294386,-0.790949564787947,1.34369118936975 +0.34890934629397,0.0806449232992652,1.02888945741908,-0.28598679834827,0.133709261449928 +-1.13391666127592,-1.57678167364501,0.748847647935484,-0.0731118856267932,-0.0701580401009362 +0.421335267904323,-0.461701072815871,2.49253474681187,-1.30168865661569,0.719047441897175 +-0.924556256814186,-1.40348431192419,2.89540799998571,-0.520173868184282,-0.124787581132534 +-1.00706236611934,1.46529955100873,0.118815469185221,0.16423760195615,-0.373165831573552 +-0.189474330103611,-1.24465112690755,-0.116214376645272,0.454481706610584,0.951961861263281 +0.9339167001786,0.652591898766256,0.0255618173644014,-1.33331569142184,0.782121142238013 +0.343909999577983,-0.330994069771853,0.949814243530791,-1.58815898693636,0.711033503660777 +0.814020276463554,-1.41991475872054,1.00968615102136,0.154913840960057,-0.756602837911869 +0.915341002280603,-0.232375612170235,-0.783261736768549,-0.74721140508833,0.530958948459508 +-0.171852130422256,2.05938995618191,0.147022752554769,1.34346063528013,1.73328156800906 +-2.40223111360906,1.7002836912016,0.535951557383192,0.364110193028864,-0.699937876730726 +0.795906851730836,-1.7406571411885,0.541075885508582,-0.828371658076472,-1.76496598924849 +2.16911586935979,-1.26835763969468,0.527250812513727,-1.57380174965548,-1.22412033593773 +0.0583834994596872,-0.986757092672769,0.975021761964616,-0.95646213504719,1.19429924412197 +-1.35491444952768,1.07119842121803,-1.83174812997153,-0.459494740590632,0.509206265852871 +-0.36755076555405,-0.441666199153092,0.00102992692990858,-0.675685294155962,-0.277800417555921 +-0.934517579155246,-0.134022931732265,2.04119652123868,1.84249074079648,-0.522242204082667 +-0.0416392200716165,0.739074391353971,-0.608003857900996,0.680505646679002,0.617962843296305 +0.676112005556641,-0.772888556497505,-0.132454454841066,-0.628290077424527,-0.645243354749766 +0.86643614680554,0.377841367789018,-1.67290578446345,-1.18202335280254,0.146604541156679 +0.235175024813313,0.35411267862117,-2.21211942821795,-0.4961147182384,0.0780067331026568 +-0.933970133276432,-0.101039266131578,-1.85626452740628,-0.745913739901768,0.128430672631339 +0.813252167281602,1.41467392261984,1.68599823702789,1.37059095605146,0.653248918739775 +1.34831855513005,-0.508656994895791,-0.516611365642717,1.57069446565055,-0.146713380504643 +2.25188277593107,-0.0262609560865984,0.346894720936925,1.73042479470487,-1.1730931648873 +-0.493652434465923,-0.922380486060754,-0.595041693175687,0.0425904580613324,-0.981405823816804 +0.474092599152496,-0.407826204739122,-0.518177671950327,-0.0511067817998242,0.91899376218105 +1.19369166611409,-1.51281251689373,1.67609454359912,0.00936928414706154,0.0441010526082404 +-0.116395471522116,0.254410259095287,-0.703816739861415,-0.0688560248645901,1.40507228082753 +0.524858555768479,1.56739714245942,-0.395700570180243,2.28610510272694,-0.13605885277239 +0.214421481278423,-1.3412789506501,-0.226560576528429,-1.59142571735636,0.168329217488874 +-0.134449534536861,-0.935171446569976,1.3709656741079,0.602373505551348,-0.139165129659384 +0.168509102875034,-0.0457230900837087,0.293418977993193,-0.914974816478993,0.901252964977966 +0.964732769529999,-1.81947494651928,-1.90077532742487,-0.308862036865522,1.29466851687729 +0.408778914004396,-0.630271168854022,0.101846456835372,-1.96252437993981,2.31908580708464 +-0.466438215174507,-0.376031047123471,-0.866594595047048,-0.608547578018352,0.12326473740326 +-2.23978297582177,-1.10085160324405,-0.32773462348976,1.95571951242607,-1.03518327397732 +-0.795063185124836,-0.221775263392614,0.111967038946204,1.69766778475229,-0.669132911442769 +-0.0199551173436351,0.832991711022084,0.307741326832374,1.06701455230409,-0.720379677692378 +-2.51442512196431,0.231566634827677,0.309502372026497,-0.959896972366982,-0.633678309402839 +2.21095203169735,-0.292872370001892,-0.699966088751455,-0.754364925851885,0.516800805899347 +-1.48876222991277,-0.320507321053683,0.704041942593802,-2.03689304439285,1.9086739273149 +-1.16075187561923,-1.72866497320129,-0.5992260728523,1.54664248909368,-0.5210703417766 +1.45773822495573,-0.5101790220206,0.0073676597032567,-1.39457056699177,-1.13839621116673 +-2.18987594871999,0.14627132095567,1.6884824087833,-0.656996389536408,0.932312040571999 +0.739062681128372,0.365980941669487,-0.115829617162155,-1.01813509898059,0.241917982581566 +-0.344008768542759,-0.645349245525056,1.35518791883879,1.01560539914456,0.288958907887379 +0.455876741511694,1.03200595941691,-0.175417780312127,0.763617548089037,1.92224505782146 +0.878110262544797,1.19742539774233,1.32283928374553,1.34339855379455,-0.903867619900993 +-0.958463922912324,0.0716266323816774,1.23765953954365,-0.223784922843955,0.159453843551797 +-0.70584484574861,-1.26958996082128,0.305952292662756,0.725658386152763,-2.08391512679173 +-2.99694930322778,-1.03635574471357,-0.726159691484907,-2.20966500594967,-1.01218850011274 +-0.961052324044844,0.323023590811513,0.494157562931768,1.22148660944082,-0.874845561062819 +0.380188253916704,0.442048668698754,0.512112995861885,-1.36288287527714,0.397720584892633 +0.505067589582035,0.349617955263141,-0.650317271223294,-0.84120096057137,0.184450245102535 +2.02705600379976,1.25270948341863,-0.095966123520844,-0.462860807042858,0.0946385034855051 +0.0646270287396298,-0.0239782433951847,-0.579156267128621,-0.111495734842285,0.692517167188102 +0.463658648401867,-1.06932120948537,-0.784503524049779,-0.189810224286289,0.819549507924485 +0.0747783326935444,1.21026014531592,0.228911942349964,1.05835243301871,1.63311147042838 +-0.48683623583544,-0.876387733822644,0.124179126441018,0.177804137913437,0.82326546638331 +0.748910820862606,0.119801387923553,-0.513558570748701,1.12803063760325,-0.775512541383797 +0.464234580889638,0.538200405260708,-0.222140588437,0.225447419866303,-0.206992195377935 +0.129420458393473,-0.131580122619601,0.779699944701239,-0.228803494305814,0.444013918236696 +-0.815460651610283,0.40723420602071,0.29627749922745,-0.55800437581642,1.77213784626996 +-0.0401504517354262,-0.0336625816321197,1.85860526814653,1.53395058905897,1.58567213730728 +0.781416977680249,-1.1273561561385,-0.583973200647267,1.36004100245477,0.464122205116023 +0.676452747462629,-0.656205132682614,1.29963968356367,1.27133479722806,1.1259142880973 +-0.482652525567947,-0.677375337491742,-0.878749994106679,0.25362913875273,1.1368031956755 +-0.669113467963509,0.720544713141772,0.653242766358946,-0.999605280632824,-0.083899760477157 +0.512801321922257,1.15331736275962,0.274222779910637,-0.841056982203578,-1.88475812565623 +1.04890992895349,-1.79764220323557,0.145477663576933,-0.786417664681456,0.135335308525096 +0.121058163102937,-1.40150493045522,-1.19429119164835,-0.106630313496108,-1.56417938991975 +-0.313292885379532,0.162547074836417,-0.987791429132607,0.216683679766056,0.331665782604634 +-0.88067073001145,0.980737227596401,0.113876150849475,-0.127207541489814,-1.2200574760964 +-0.419286891272189,-0.692139883881756,2.91226683597753,0.627340156775382,0.884298425648728 +-1.4827516780218,-0.00349422794682102,0.0344046096661728,-0.38634153690597,-0.173063599026787 +-0.697318199400121,0.171580263504849,2.55225348904117,-1.42679983691513,0.799968711304837 +1.13496508865819,-1.5163733082107,-1.21712008119245,0.226453716423329,0.709369928189648 +1.11193184503695,0.629141191579469,-0.946229271335766,-0.818594241391846,1.13893333428125 +-0.870777633605343,-1.67819403634361,0.0914097990024107,-0.847152611022594,-0.48381202636594 +0.210731585072843,1.17978114865575,0.701351269076379,-1.98433255043212,0.587080372661683 +0.0693956473744585,1.11765453788961,0.673422361719618,-0.81277877157105,0.599006573253668 +-1.66264885284192,-1.23773594145696,1.26555336004227,1.46167073117026,1.12512996483572 +0.81083998017723,-1.2301645408311,-1.44502205198781,0.613292207107378,0.522668052663388 +-1.91234579604708,0.597790917869022,1.41541830456223,0.299415381274695,-0.075427545275221 +-1.24675342879504,0.298864408541726,-1.58503378339475,-0.480336385395356,-0.429669562332328 +0.998154445057314,-0.110139371950242,0.245757186387295,2.45683627606723,-1.63462238146946 +-0.540872744514261,-0.807675019018805,0.450233098933823,-0.738860871915999,-0.604358270348883 +-0.216375790780247,0.114539172613828,0.947632821371406,-0.554979549048751,-0.760704779676447 +-1.62193729284198,-0.179520060349557,-0.254471468624577,0.295984320247389,-0.519218313813431 +-1.45096396539936,0.0548449048881487,0.0853397577573679,0.693950725320464,-0.520841854187033 +0.35090973068782,1.29913983525542,1.20511061847292,-0.552631687307567,1.52510026013852 +-0.174546928731224,-0.434561207509286,0.170672691867512,-0.105254912341194,0.45621424611743 +-0.591428470216157,-0.80892301575371,2.27598615163118,1.14565175138189,0.830217162504301 +-1.33402726089608,-0.522351466372015,1.32860266738983,0.196891097796718,-0.563614846789029 +-1.09729850119228,-0.28771573691542,0.309350803672567,-0.515387898300263,0.055997546784613 +2.03610360936432,-0.643213250563503,-0.643054170924073,-0.442150010637107,1.24657425512368 +-0.326489593374826,0.342818721429651,-0.737224309433884,-0.94931405685029,0.267366122839863 +0.77400521202148,1.44810563598613,1.37781454981078,1.30900918790688,-0.725328968226501 +0.78500640067928,1.35370666475091,0.506943294332602,-0.737739090014006,-0.304463608344198 +0.763246080345894,0.474778891822527,0.21021005131471,-0.16784280239846,0.354267093577447 +0.294808759565037,-0.248924901665984,1.37855390270381,-0.722058525582998,0.285827156113967 +-1.25235592417266,-1.44368394451887,0.0565838698882385,-0.10121562903491,-1.34196106885822 +-1.00950375276966,-0.983675924123009,-0.747595110836321,-0.330809735156308,0.25442672450367 +0.751391194545935,-1.19330120287374,-0.371087436765556,1.05090319858346,-0.373250475643484 +-1.30835351258276,-0.0604879128575672,0.198559183537393,-0.552620659008862,-0.0860479432717455 +0.527540097063652,1.95002254513861,-0.641811690271703,1.91597876270862,1.43147991096179 +-0.53353957357734,-1.39988212605629,0.20460423910098,1.09562024902997,-1.66846922315159 +-0.398376014093638,-1.18108188326131,1.28483579176257,-0.0601085848267723,-0.548657908156779 +-0.789569450494829,-0.242625812209769,-1.54879515687726,-1.28018307543205,0.86346757583344 +-0.230141136270548,-0.372181381833533,-0.652592708931758,-1.47203383164489,-0.102757858220412 +0.877184841651799,-0.560563330944452,-0.330314886967144,1.36433424857773,-0.34629651992997 +0.453733177541175,-1.00399608797403,0.313820691702555,-3.00706393325332,-0.383218411243912 +-0.232464147723414,0.883912871401993,-0.408639650319944,1.46893767816892,-0.589236471659545 +0.87000552469028,0.193539953347855,0.933354056478031,-0.712189444199272,1.41267989722673 +1.65600373414682,-1.52390517629544,1.02294820705446,-0.177239517902278,1.23112427208817 +-0.00636892891484486,-0.295123017433639,-0.503397902109517,1.24135077789859,0.171288497121215 +0.470489453107761,0.111500238254703,0.32185582560332,-0.714457697812971,1.46796946609373 +0.278218649064741,0.81056552390204,0.402372642403423,-1.39931469882698,-1.55892725518842 +-0.977902941018112,-1.45650659428234,-0.805953438108041,-0.513850280021122,0.0639070787411521 +-0.92658614214595,1.70781478529964,-0.310801891453417,-1.42674553940545,0.144045141555713 +1.9197704626212,-1.6075794717338,0.906369116822035,0.243737942527324,-0.81800031122563 +0.881277787776179,-0.031664846163166,1.25840985788425,-0.974526169979148,0.501015307491945 +0.742081771926477,-0.859039876500424,1.04813856339516,-1.54961429077633,0.0128402623220818 +0.147573404049434,-0.814489718968075,-0.827489105333127,0.998443119744125,-0.486354769904455 +0.485388564992269,-0.723890696271903,-1.78581658436978,0.056592654942828,-1.36153728468627 +0.151856039545981,-0.590834097274043,0.503589488375192,0.662227744092596,0.832400936400676 +0.0419987540872705,-0.624171760356698,-0.41360670979368,0.72904552925232,-0.009179177529058 +0.223422311943048,-0.7980645543058,-0.466690105466,0.35753515697862,1.73545853444643 +-1.01046508600421,-1.26518502881076,0.284617683293672,0.04597389584215,-1.81790150293479 +2.40122210197122,-0.140440195527255,0.268432302430396,-0.438211604272781,0.872320719198205 +0.801961790270882,-2.0358179466944,-1.53122606668626,1.35901629438502,1.2938138736518 +-0.25120795895565,0.856396068435357,-1.70861597755168,0.370820140581384,1.81361803327092 +1.21288937082924,-0.497362289939476,0.357445944184678,0.944464121121338,1.53900471239702 +-0.627258086004879,-1.08771811183598,1.32440691618997,1.33033617718832,-1.57309676152225 +1.71115850747586,-0.730084803438608,-0.585255662498355,-1.06420256758434,0.761195437639676 +-0.39437355302276,-1.62471516167591,-1.48021375788631,-0.956567089113284,-0.0843597075653276 +-2.32149085645191,-1.76536162980284,0.862892830577113,-0.0260850732248512,-1.76619621807486 +1.36411919539957,0.515454013858314,-0.371359248928621,0.113619155162792,1.76368375880041 +1.13222913272875,-0.277798904670782,-0.456878437573919,-0.821680675736261,1.2959190934597 +-0.774316319358709,-0.783165186476522,-1.36411351251211,-0.435060522219348,-0.52138629278056 +-1.41037496599359,2.06073047775879,0.0733081864355532,-0.0819263239003489,-0.844149051729051 +-1.83452758069664,0.339455899184952,-0.665050988543999,-0.046399532194636,-0.0969776973285465 +-0.269013537930427,1.06638688541779,0.36353283713609,-0.516339370474937,1.04654784385651 +-1.83392857727967,1.2548038884879,-0.463682392686641,0.871979719728628,-0.0650796422528217 +-0.814468018774975,-0.286253766604302,0.153849449642033,1.32871338635308,-1.21792072629963 +0.163572122378624,-0.331015572091784,0.811804753612461,0.745445129323212,0.433479461604322 +0.855519222050403,0.622383333209509,0.0747664266471282,-0.282378109477017,-0.117114388982741 +-0.819963126879738,1.91795894024574,-0.709908846056022,-0.209836983336078,0.632090200021995 +-0.123602759975676,0.974227233260698,-0.4364948366932,-1.29343082133383,-0.339673604363342 +0.254948236041434,1.33379025986453,-1.64397603505392,0.237161020975684,-1.99862664769171 +1.71892633823732,0.272796184923579,0.506712544197194,0.662103932571472,1.41391614663162 +-0.958543527527119,1.96492237497971,-0.317393130265933,0.148210012649977,-0.283201929773997 +-1.60431026176048,-1.33377615134045,0.387432972864282,-1.19613361732647,-1.25779270046058 +-1.8456094217108,0.0439914580866186,-0.261946464921141,1.31939465804584,-0.701515776359861 +0.55573718528977,-0.414380614998289,1.34821059371024,-1.41686506351842,0.31731309743894 +-0.0601191913503692,0.784792630808824,-0.221949856644273,-0.498239731347589,1.02912702703909 +0.772086304393126,-0.0268803021057377,0.770396321755827,0.828038150555872,1.23585613059102 +-0.140839387157354,0.394229158194951,-0.405822016545872,1.54862432339962,1.55848805098691 +0.393093925514259,1.41734725905784,1.78218176606696,-1.21907438730356,1.28954194670093 +0.224218574159447,0.0331760477621503,1.54326207310033,0.161401803675325,-0.904823000647489 +0.0235419851685809,-1.03038952395481,-1.73008604533131,0.0787295673415279,-2.26158477167566 +-0.622962659764788,0.936442718837511,1.81616568067361,0.165786662019203,0.711476800617249 +1.26200938062639,-0.941885159907763,0.206799883667734,2.35324223185238,-0.0550361319309196 +-0.405774042775771,-1.22273295363584,-0.60032525249968,-0.519997311617741,0.239737312773525 +0.666763771442479,-0.569167180035542,0.110510300905936,-0.764187274587302,1.06405957664709 +0.164639154530128,-0.958540215269528,0.450085907475011,0.0927856221757037,0.187302124860655 +1.78152447478717,0.831682208160167,-1.23965072688977,2.31822625709392,0.226392204838326 +0.711213964323878,-0.433652437683531,-0.692287130494616,-0.566234480077628,-1.46504659255476 +-0.33769115586237,-0.327394696520953,0.0187178128266742,-0.774551555142157,1.09013729787895 +-0.00914895226735463,0.65085200889396,-0.0407711901197943,-0.804657516695514,1.37645971613479 +-0.125309208413434,-1.67568081783651,-0.872787075750355,0.421972522063135,0.235590491032076 +-2.0908460969723,0.407437795884358,-0.674675154063475,-0.430893084890608,-0.120737794880693 +1.69739389482068,0.224752110222098,-1.13384773725395,-0.240307621670723,0.291787615823239 +1.06388115448751,0.0114620334703514,-0.398757085582319,-0.862384669519952,0.935546570592008 +-0.766616636225272,1.13658529261405,0.302786518932547,-0.551163722865554,0.160791716937124 +0.38200755917038,1.55099804227351,0.210389043829741,0.436914581383096,0.925446070897096 +0.241895903606986,0.88308333375959,1.15394424470681,-0.0519138700089275,-1.04204671398945 +-1.13275941105242,1.37871278036604,1.31344739383999,-0.268735690368105,0.614787205625724 +1.48990741365323,1.34232365709823,-1.56846751436049,0.17758503516259,0.394927749546826 +-0.248247104968965,-0.756542158367391,0.0868097070299862,-0.922231349888637,-1.34476452207048 +0.183583707943453,-0.299066939624411,-0.0377115334679613,-0.587526633030926,-0.467333654726777 +0.404871009439746,1.00291360479628,0.523771608215853,0.568051877939089,0.886604179081668 +-0.994124469309423,0.568092590519855,2.21760138434448,1.47474067920836,1.25805364421272 +-1.08542932956727,-0.31116117793541,-0.148599677159778,0.00829388428071075,-0.343551591930752 +-0.0485425545297223,0.722076248537984,0.328373245940497,-0.359855454550556,-0.261544618704011 +0.576085600512206,-0.594445712828898,-0.395678325476801,-0.383600227529432,0.409104683873857 +0.0738305318446132,-0.872894886542647,-0.374385256593552,-0.808853757223579,-0.135156445776591 +0.705945571302218,-0.366132753563002,-0.0567074041640197,-1.35133639494113,0.394905197348658 +0.334980103391354,0.50863331684774,-1.18004287120609,-0.747334043089833,0.941820387759909 +0.545387805924617,-0.126686669331547,1.40830731072972,-1.96951093905349,1.13712119488739 +-1.40290590594127,0.680538729772311,-0.8583442378833,1.62132374659736,0.816961799942479 +0.677053890943881,0.277780285638461,-1.31636720804658,0.281544638741351,-0.072700107767006 +-0.789800446142907,-0.287982966452846,-0.592276954548105,0.829535949679617,0.0905590910036382 +-0.465728889434096,-0.620240713936569,0.167040736782326,0.322262475405778,-1.23392681176641 +-0.104852065234789,0.227813483258274,-0.0949093361044551,-0.181057486622933,0.96288310072674 +-1.64785108730534,-0.443279532473854,0.0498339110522666,-0.459348480929939,0.19482296046687 +-0.0995369519713592,-1.67451869393188,0.516714793953567,0.917299270529324,-1.57744865337323 +-0.439857636843203,0.668927329809365,-0.880688186098799,0.684700638226348,0.864745659527387 +-0.718511451938464,-0.0791361259651342,-1.21072882567315,-0.74871300092377,0.175274019252224 +-0.554597596334913,-0.543924729050942,-1.85503338983951,-0.17684546932881,-2.77596185844047 +1.24548917675143,0.00967644138302005,-0.27015719402789,-1.40914087406986,-0.975837876859197 +-1.2589213509611,-0.464139419264689,0.0796198930267878,-1.02010010850128,-0.106805499513352 +-0.215384481428024,1.12629957234273,-0.970835648957325,-0.0451580837217648,-0.0347650342290372 +-2.47196171011946,-0.471037770304573,0.318321885211349,2.73427907301273,-1.69286443648609 +-0.674169320106069,0.437421700641947,-0.766016947486738,0.648912645715119,-0.189054075431387 +-0.501297185429917,0.422756772446855,0.0714390415422712,1.0022461807994,-0.165364607731961 +1.54232578795203,-0.0111967938288012,0.337849373924824,1.53724741489832,0.85861798620284 +-0.962018065236758,1.31791328501169,1.62024691920273,0.0122006782293797,-0.30190200454027 +-0.872179536441406,-0.982757926947174,0.24097730113375,-1.43342762974627,0.192408075235068 +-1.39762961790436,1.21325760250936,0.67560957613796,0.182596104460149,-0.216286716734625 +0.179805166816406,-0.128639667467876,-1.1029490218287,-0.633855163244821,-0.230758963010546 +1.15409198778734,0.41532224493264,-1.07891924405383,-1.258406018269,0.675851239106807 +-1.19853361008649,-1.93184310072615,0.510043413983017,-1.55613211667779,-1.62918327786534 +-0.425724401474022,-1.8581657840252,0.316132388954748,-0.323493405574896,0.105008004756671 +1.36630860884751,1.66135842919965,0.991203405827123,1.75807879264222,1.38973602636078 +-0.684297394658662,0.278337589387015,0.327806443482125,1.1189395475893,-1.08974195467707 +0.685512208376277,0.50194432630794,-0.128925230320238,0.772671065888659,1.29134877180285 +0.389503542813737,0.635408164052491,1.46051068209581,-0.3104710765803,1.2280908358038 +-1.3053959238053,0.312967464204408,0.115618070467153,-0.267976589277719,-0.489567569113849 +1.21688801110113,-1.42107610200227,-0.637835488145816,0.865556063411184,-1.41507540794866 +0.79517401827231,-0.265711523383379,1.25223975461566,-0.0197125860056951,2.24886631202808 +-0.4882025094258,0.323512372874813,-1.03521122514625,-0.899203840070706,-0.503204660131763 +-0.903993454630162,1.38352514006803,0.926259074100498,-0.400589849310152,-0.0573731955527536 +-0.390418418086926,-1.40561838834741,-1.01241614885863,0.354416969994779,-2.34136837443063 +0.814063415145414,-2.45087454584493,0.589982785722529,1.29305981658906,-1.24871560162345 +-0.564249280183431,-1.20577942403315,-0.716347755593694,0.222261301869041,-1.82421916001329 +-1.87420531876932,-1.3353519752317,-1.53070070149023,0.130613289450274,0.126414144467389 +-0.1429047109211,1.04797152922724,1.02506959302441,-2.51668067416551,0.888055732578803 +0.77190400974234,-0.599548186687664,0.227495941871757,0.520635550831549,0.388346158577513 +-1.15911793016754,-1.61081300645662,0.595396221613575,0.688614345769847,-0.0660827449144616 +-0.237915527670336,0.194250347546048,0.149136587127792,0.889309679191537,-0.024845620747424 +-1.22219332602225,0.475928881119625,-1.73198287237728,0.170880081759909,0.474746350937913 +0.116806212925635,-0.0277102769847576,2.03958939010706,-0.177605642426535,0.157807507971797 +-0.132499628013521,0.993300122575348,0.401991976160276,1.5824044236624,1.07772462974278 +-0.0336847760376347,0.840091154192547,1.09197390598433,-0.680117312496425,0.00742480581147426 +-0.62232641822747,-0.704941846527175,-0.473535487230775,-0.240770105681978,-2.53692355314186 +-0.709363461552928,0.203297779415648,1.33837465766305,-0.556268397751464,0.275319808169009 +0.871445414408745,-0.891523178602709,-0.471162587446141,0.449420100163293,0.966265301524565 +0.105138019037167,1.6104403855784,-1.42393516539543,0.754770555247205,-1.65986168046667 +-0.186935267573857,-0.68679248607597,1.21994339369723,-1.1124474606099,-0.755709755068084 +-3.21318853242083,0.915684929005321,-1.12891909385504,-0.697928004439175,-1.12525088795774 +-1.27561870316385,-0.146158978054012,0.745910983250042,-0.35884801757595,-2.5544527686182 +0.762906317886378,-0.7663603343674,-0.367363434447256,0.0824779841134571,-1.69252471772752 +-0.406815143442807,-0.0383152048524391,0.704619513432757,-0.512979598209839,1.60744998155255 +-1.20831778388061,0.551038360144294,-0.310333151464618,-1.16196885438389,-0.314010806676251 +-0.43932265687835,-0.215418121099661,1.01563017576919,1.26770816630564,-0.137705046822783 +-0.375580745942977,0.207447242019147,-0.525645310656475,0.389721440043193,0.0436722667929406 +-0.501442395146708,-0.241631487742136,-0.850928809378454,1.33165447611625,-1.86327910232906 +0.496612575778754,0.540246348189177,-0.199689952451953,-0.632458172132897,0.621850789915601 +1.52088093822893,2.28470874393277,-0.197962150747072,1.89608635623028,1.28788099615349 +0.988091827811358,0.770508793682133,0.141712188110664,-0.655742772991673,0.825529601154003 +1.24612253397107,-0.218519918672128,-1.25040066681783,-0.208084420247938,0.48238926134419 +-0.329867327498483,-0.552013885852745,-0.0240144284503765,0.54547421801611,-0.105513387807577 +0.844344713988944,1.28836858938477,0.61565552989914,-0.258114999844637,1.93412927224962 +-0.981075755246316,0.598372995135333,-0.0144585263438406,0.317987735946085,0.473650063574673 +-0.139221405117457,0.316859281013677,1.60278391598959,-0.168721291509571,-2.08247031475493 +2.1854379064735,-0.557544424402852,0.678284050464703,-0.218567871147681,1.43046994890439 +-0.0128280098786072,1.8625205885542,0.0566828225878134,0.873781593321791,0.685321115364359 +-0.305308925970688,0.340284014532571,0.701484222638632,-0.753692224676696,-0.280978490253009 +-0.584213460652307,-0.5341773184238,-0.604704199410419,1.02658568865977,0.935796703922308 +0.771268501872661,-1.07576327472095,-2.20581024173143,0.853428654973108,-0.0933002229105357 +2.1061893617618,1.0155574155544,1.54483001396647,-0.0660212685716492,2.58719087840562 +0.412157036847037,0.552585644594372,-0.987975816848289,-0.534379680272032,-2.5212150654048 +-0.261264878093957,1.81454593813162,-0.599521804782752,0.958798210620279,-0.633725317336377 +2.07378364600369,1.12866157351342,0.0850204947164576,0.00640730239269994,0.610459349247517 +-0.778830223440943,-1.41225502469534,0.957479177005792,-0.623144539754131,0.84019561157712 +1.1315325132809,0.77627952346856,0.960184354897272,1.50344618416308,-0.474655431219243 +-0.421345128083654,-0.904193525291476,-0.303291697447223,0.771614717084624,-0.79324660980672 +-1.02174737001973,0.151694440110515,0.130231110837607,1.01416195716825,-0.346262965508391 +1.21830537874678,-0.47520176578483,0.48252320372027,-0.64125986473886,0.392549357086149 +-1.79976067489539,-0.0868169530772092,-0.926846991756512,-0.0279304164920511,-0.817026555820198 +-0.308249938350721,0.282714992122033,1.32724626654531,0.741544748747848,0.423632091604464 +0.0155152433487359,0.874979458948231,-0.489125104265667,1.42065769921006,0.675659940620196 +-0.442317718666929,0.48513740717639,1.32272643462996,-0.0921701439157427,0.540999272656446 +-1.63800773288119,-0.340962022114287,-0.787069572905756,0.567768150910494,-0.810035274253447 +-0.641401156182851,-0.589803893382451,-1.85479167515252,1.88399057327727,0.472621465449657 +-1.55703574445065,0.45779424411153,-0.72512090348394,-0.263957964746472,-2.39433155575205 +1.92316365296288,1.6463161853799,-0.055143855059461,0.356037274722559,0.727812411174224 +-1.85682962839986,1.31170386465971,2.95813695089306,0.882766390279285,1.48556835306288 +-2.10611843559503,0.175847282716408,-0.388804482375671,-1.13547687026704,-4.16205381609332 +0.697648526944346,-0.700301690477055,-0.721959393976874,1.02998960252797,1.49305489075705 +0.907444407728329,0.874068099567082,-2.73897534946288,0.666791643254239,-0.893923735989305 +-0.195988198884024,-0.790979950842336,-0.760063745325699,0.222828447160901,-0.600305132810164 +-0.2068204879556,0.552516764968605,0.140942540110217,0.944108957400335,-0.134224697602515 +0.725043170475101,0.330529200030675,0.728697178084946,1.15251363426249,-1.18852875093726 +1.3987189554318,-0.817378897783483,-0.686790982593016,2.23964824988533,-1.46922279416691 +-1.59055514942723,-1.08962054905362,1.8259779852744,0.130642623081704,-0.566415744290112 +1.30449707663973,-0.440135814685843,-0.123262582158286,1.07913695957366,0.591198925797126 +0.196011733697651,-0.183225165364714,0.0454135753346679,-1.41270552309517,0.710151416226526 +-0.339343445485698,1.4375832434254,1.09529190792881,0.544484713276386,1.10103990956642 +1.26514414014377,0.115378225384973,-1.41583373805564,0.0410085680308187,0.105813421278284 +0.939773685073443,-0.223262793128762,2.25972997688168,-0.759807966202677,-0.0562159996359956 +1.27795248593622,-0.85294594664107,-0.154104814259141,0.69781413461956,0.996658612061137 +-0.291160143634804,1.0928103157644,-0.298111488396356,-2.21497588376592,0.360058677922333 +0.776172449681573,0.181231396998755,-0.867992539368592,0.870477528013297,0.0855825742547723 +0.295725633211195,-0.64806948679538,0.865981008222178,1.04771846011813,-0.874702134119958 +-0.517199554781421,0.30274122586034,0.251444085054431,-0.403856613724608,2.70108767110397 +1.75723302433968,-0.928398163186561,-0.577921000083399,-0.847328593805074,1.30284351092186 +0.161726818855121,-0.440871371771226,-1.12880834077739,1.15612831050393,-1.15843066116087 +-0.0546843758381312,-0.372481788714959,0.681090730300215,0.220373775173915,-0.147833435353639 +0.528971600668833,-0.817698099264646,0.86858192445155,0.461638207288058,0.302044360035107 +0.389734521255614,-0.577042410739639,-0.818102306702089,0.981193144870103,1.04294875206175 +-0.705771414843546,1.014091867339,1.31370674645314,-1.22975204885275,-0.401828608765273 +-0.0531784750924348,0.0661054679325318,0.711474714386018,-1.22769261276508,-1.2407193023327 +2.60644448878565,-1.93007161856328,1.4676994647369,1.49583105247407,0.13813794541625 +-0.0725931047832675,-0.720111817944939,0.460337105760731,-0.206667892588881,-0.510888123727507 +-0.296271891430325,0.349959404095901,0.362049852470101,-1.03403143420566,1.07807249131883 +0.734330336061997,0.439655317500039,-0.691958312000323,1.26937501695833,1.05221829794183 +0.40148074643659,-1.49766636835482,-0.0878370369664759,2.01041264756203,1.61777316380296 +-0.538301076039725,0.0459947542279762,0.46964940659271,0.456674193430213,1.13065582500294 +-1.08272281091707,-0.664002724775838,-0.74828598655917,-1.59930054971134,-1.58092584648911 +0.847801407504121,-0.351877759574955,0.338004013358695,-2.1179688454883,-0.323884554173959 +0.118845015006807,-0.861052381490187,0.259470497482756,-0.106937917748605,-0.282819237917059 +0.482247222776156,0.647905071750828,-1.57910571361248,-0.205695816081088,-1.41209984107101 +-0.291324804724124,-0.709225752502855,0.53215720462879,1.92010958038081,-0.338029433094174 +-1.65211027147727,-0.399671204826665,-1.01563190804638,-1.40166321257892,-1.27839987940258 +0.0690945982758841,0.14662136966086,0.444066896358023,-1.4886634733913,0.238017450444688 +2.39057669996185,2.13009924330664,-1.15805815248793,0.574967245730249,2.04712837248051 +-1.46177168630104,-0.0877144537376512,-0.617457837007385,-0.823118726296934,-0.796955347265153 +-0.984806292747729,-1.46689469039374,0.473616507267705,-0.0562485338027994,-1.39634102507743 +-1.33605374450295,0.651661480925902,-0.335772189671075,-1.35272219138235,0.297514340214466 +-0.365131611733055,0.879556636026541,1.58902267294826,-0.67362764725716,1.00489832132799 +1.38145424797967,0.959205700386695,0.174953319656766,1.69247461616247,0.812179360077663 +-0.153317255754176,-0.756953612798952,-0.0288989903521127,0.938108678522464,-0.243769958292372 +-0.255571634239904,-0.616446909089092,-1.8950140802997,1.25073497900622,0.240361625596681 +-1.28862710359708,-0.828730684563673,-0.518154853704675,0.371040595916003,0.0736273798826506 +0.06526641700069,-1.40258371286389,0.128854433962104,0.0480167828125112,-1.25411930943292 +1.03532642142089,0.426110455992412,-1.22316417906146,1.56366908241468,1.55125856826321 +2.26021579186023,0.224878849374591,-0.0923678307969514,-0.660121974835142,2.28393765081038 +1.31469627531537,-0.674570076350556,-0.521193634481829,0.324000950250025,1.14215598435761 +-0.870023345687065,1.31422470990816,0.887608366029477,1.0411446773288,0.987139564556572 +-0.503130035385095,-0.329388776979046,1.98049751504846,0.419313483450906,-0.0521823469165434 +0.607455555255871,-0.993744129078826,-0.791885345831649,1.30605320646064,0.0840502743111584 +-0.0100414162545742,-1.27100545490662,0.353051920600556,-1.44394817544137,1.23433637791776 +0.275330299618763,-1.12162412398598,0.0211669566622828,-1.11464024579915,-0.655818782457873 +-1.31229878337135,0.309421147324671,-0.103400016917975,0.110405831211322,0.151021055474261 +-0.42652986734355,-1.19559332779067,1.65417666518307,-0.475683034446591,0.143379061613401 +-0.926404247679901,1.45054740058487,0.378563580102888,0.929144061775325,-0.48354601291604 +-0.928557924611241,0.386777209905475,1.16628376382302,-1.88729187677198,-1.07905518599297 +-0.718900602222104,1.01750060590446,-1.6001559444667,0.317499793861927,2.0653628559222 +-0.414790569518114,1.18390063215551,2.27180618063918,0.520250349124426,-0.498243537456559 +-0.00566789314053156,-1.16856423677169,-0.747127836423368,1.28673007774702,-1.23751346175737 +0.633448919494853,-0.497767512266278,-0.991835927245703,-1.09313704399065,-1.86992555643485 +-0.50918077365596,-0.367639189409752,0.750511098963148,-0.480284035931943,1.46254102377888 +-0.857008619328728,-0.248999625786155,0.230938433698319,-0.0404353618481192,-1.11074126243681 +1.61616757681286,0.636355324999075,1.40045798394177,0.440222000815111,1.49678010562714 +0.993866406838329,0.997065724081568,0.539338921702249,-0.505330813932349,-0.725514816119932 +0.696845859405803,0.555793413296447,1.12587475128377,-1.52757957963338,0.597966565336514 +1.6999706729654,0.12830955898947,-0.101440922131797,-0.448317461748581,-0.19590320822289 +-0.977741945262675,-0.0425818680600636,0.228938978986959,1.34177198501587,-0.915117716563195 +2.04881758195934,-1.19389187807544,-0.28149772492145,0.0682089978019197,-0.845498993938215 +1.22644932416057,-0.0979110964254777,0.910432060465874,0.697112493857757,0.705318092180172 +0.307023011977597,2.57344896740013,-0.548668632982063,-0.256433099589335,-1.2407243441015 +0.624332983926657,2.42135128854159,0.187155206074082,-0.910386965388383,0.424695030076065 +0.0613414424510207,0.488388596925636,0.922374663472626,-0.602542125555121,0.88933634331632 +-0.110825791428948,1.81126992420376,1.98382413718584,-0.726034743991053,0.806624012742243 +-1.5762335600693,0.433492092761514,-0.647256720861,0.911508061074109,0.0271925221589009 +0.742589845818649,0.478587025391507,-0.59370554412321,0.154002443654336,1.67697243888054 +2.14232339810565,-1.20676648973965,0.187855679151431,-1.63485454003292,0.857596292932625 +2.08977295667316,0.524051839519997,1.15988935371769,1.10097175973858,0.746512314481565 +0.169794327127524,0.373331582668011,1.77199782909125,0.84827810759068,-2.87819453305445 +-0.107877788921055,0.236301812467079,0.0808536922785236,-0.900627840273579,1.11717189024939 +0.18199449457932,-1.49791650623791,0.548914345643615,0.22639846439681,-1.75558994098677 +1.14592817832429,0.342894590962116,0.456384534882703,1.35837241320817,-1.07713838533431 +1.47729882260241,-1.13046879555514,0.696859761133182,-0.728857931548931,0.392526943539867 +0.40794415253402,-0.5275250540104,-1.12245017955984,-0.236848855305858,1.17591940787505 +1.11427873521406,-0.520557013491038,-0.130779281830451,0.792784566544978,0.79088742736296 +-0.0270758439935565,0.926171116512103,-2.07755881001137,0.419357358194854,0.281808699074489 +0.497722203347278,1.73095934138884,-1.17748323201404,-0.762842933829979,2.04254558853624 +1.18564001363487,0.748178698864223,-0.60936251126292,-0.190600871054437,0.470848031772104 +3.63957362674029,-0.368939121994879,0.195219522047863,0.235531118162996,0.760330725887502 +-0.05400259559406,-0.235857232621878,0.248629458991162,-0.149314239408793,-0.918727970266885 +-0.668147316886616,0.902639747678375,-1.62471848536451,-1.71304906872537,2.22755675677052 +0.445807957415336,-0.223534888010676,0.84078134593945,-1.39629075270736,0.844861128835984 +-0.405825246363776,-0.390141923772595,-0.6634097799144,-0.0173650773587683,-0.974014556824176 +0.635283144521572,-1.13289366964201,0.531000681503619,-3.48238091009978,-1.66800929071908 +0.341248399134537,-1.44364515347764,-0.583923889541344,-0.0369035945436937,-1.2503429326412 +1.31616716303968,0.681736807341412,0.490851422865963,-1.26369153989481,1.65699936110718 +-0.959776483661365,0.0492399285187042,-0.60462650727015,0.345146756221088,0.836485979457796 +-1.20557521138083,0.079666765501412,-0.356845461605591,-1.09904140107822,0.340108225348789 +1.56757305821464,-0.118798187077159,-0.465875402318423,-0.780731954523359,0.303798873865207 +0.225285799791068,0.733899837429483,1.89415615924896,1.39993125681409,0.119388213016078 +-0.92241065744061,0.846668011336601,-1.82251372126478,-1.50306249238298,0.832651340112586 +-1.07377241040219,-1.21684976614701,2.27176222768621,-0.0859739614009545,0.123362574059534 +-0.552358285562395,-0.107222217897929,-0.113240220000789,0.375568529128243,1.29098404779273 +0.590461401136985,-0.680598003754676,-0.697655085820221,-0.337361877188048,-0.308749510775443 +-0.527275410724916,0.492887566148572,-1.32851908314959,0.544867292158599,0.145034858626842 +1.34184616376387,1.2463981310705,0.392401801938043,0.535386198628265,-2.12262621239173 +0.243844628486594,1.28184340688173,-0.441772090370314,-0.234940817194993,0.694283589849218 +0.195880789394313,-1.36408357381568,1.90526558191225,0.130538870844721,0.386783088388387 +-0.015519728626234,-0.0327668870943394,-1.049646757075,0.198555422077901,0.0796321363772108 +-0.297577328151777,-1.10946939931748,1.49361257999413,-0.231590980430927,0.280849197478789 +-0.167679147061436,1.02138768063727,0.303647875778528,-1.01721498414757,2.12675600983011 +1.15647857993652,0.405494965119625,0.958031837147036,1.26115321949113,2.45415285499889 +-1.33876400921731,-0.542068303255211,0.785824381073579,-0.42746971307596,-0.626004088530468 +1.08676877525818,1.3879059266832,0.152239853529518,0.563114646903336,0.900605965130902 +-0.350684196699262,-1.26955148364046,-0.423357573072579,-1.01787078745706,-0.23055038059923 +0.7347232445509,0.918053323063508,1.00008623542852,0.250782056353796,-0.431064153823851 +-0.058414483783753,-0.69435556111006,1.83485383521654,1.58886271083126,0.309779249011911 +-1.34581290425275,1.72636848967741,-0.315833353833228,0.0236480546477119,0.24412351578266 +0.346905269277825,0.918244372705124,-1.09158941376549,-2.53465987075879,-1.22414863989821 +-0.638404646984218,-1.0537950212349,-0.474783187168915,2.06902135324869,-0.45567479189769 +1.12439235451868,-0.0107258753723542,-0.459604279494042,1.30989650055976,-1.31422675849236 +-0.827733030814888,0.689370848533075,-0.928404309844788,-2.02397284692231,-0.570317456423575 +-1.78778013751545,0.341343974592612,-0.841908435097347,-1.34382628528063,-1.74322243651905 +-0.854010002564265,0.931995927538508,1.24505178408429,-0.813572689775075,1.07946906073603 +-0.572022722356352,-0.833442563318023,-0.191436640514587,1.42368808306588,1.35457119415656 +-0.825930678709155,0.343462601814943,-0.271704085463045,-0.18221557662231,0.105667065384092 +-0.237584094046457,0.0160926119054243,-0.116174693173407,-0.454506597295073,-0.585265935087895 +-0.59532649610771,-0.458272053877572,-1.01598585013608,-0.844651845355991,-2.22439575207933 +-0.410742194759605,2.18084691563033,0.383668615163731,0.45206920584419,0.158920726167035 +0.327991438408655,-0.826916257345641,1.15105493219053,-0.0245270340933523,0.414618739216314 +-1.1636466116897,0.089257159974737,-0.697820100354512,-0.970659048885119,0.0185756256954728 +0.760177665022408,-0.157931107179312,0.206882590086265,0.204197949975829,-1.01905495635799 +-0.00255583605038963,0.485045638013017,-0.241157561249945,-1.6429950944318,0.463678481415915 +-0.0382277709150002,-1.77498807212361,0.628099225017804,0.418962468975469,0.13279921499653 +-2.03623741998002,0.741601787067044,0.767901765358174,-0.831243400854871,-0.617810808825311 +-0.301229079436562,-0.443717185887011,1.33467019665012,-0.0715101508694714,0.264118344015934 +-0.55564610443147,0.113840422347789,0.345282160723545,0.407852093228218,-1.54483759623176 +0.847295415715293,0.826842470989363,-0.122502599754083,0.28744813708358,-0.969099735897442 +1.39082051104259,-0.261203320984963,-0.492691141206517,0.393801192136636,0.271070631782703 +1.23124621524982,-0.745052606200238,-0.366585851365144,0.70064809568565,-0.13709163032869 +-1.11333746215215,1.26323529773384,0.319906863706785,1.68950502790697,-1.26782002542306 +-0.796053892663566,-0.873230779899247,0.0883307422371387,0.151883214243853,-2.27149965440905 +-0.0895198771467189,0.79193932801279,-1.5453618577546,1.93006983817504,-0.554006075875175 +-1.05965688786145,-0.398666846274662,-0.168792076666876,-1.0469215187373,-0.26060178884076 +-1.60431219398007,1.25293496240242,0.15066269210781,0.486319753534944,0.370813618332142 +0.79135066602523,-0.516700242218841,-0.00161221815960904,-0.681905851932538,1.6120290627106 +0.0681565280589811,0.186995232878252,-0.457093963647277,0.198090297131514,0.40313232098926 +0.614395999728088,-0.821137742144397,-0.0307206591267596,0.658923453153481,1.17578882084118 +-1.20306775282719,-1.49369543618162,-1.29617446379133,-0.275421164945868,-0.366316480574092 +-0.340454835360631,0.859783229340417,0.827951220188404,-0.594010304294123,0.21710224877241 +-1.17124863442311,0.983394879751153,0.213676170533972,-2.06801750984321,1.14242828650549 +-0.829414767635146,0.507625125991639,0.0548009191043245,-0.702454853833766,-0.341306193278358 +0.229212041805047,1.61083986548344,0.497924420281783,-0.261140289695348,0.877595092801915 +-0.814992918282738,-0.519215406778864,-0.642315315759831,0.41557448580756,-0.0478951825510504 +-0.993445514613447,0.109341375722157,0.0716135229385366,1.48446479371476,-0.634382447994041 +-1.30616845900918,-1.96170896088055,0.0559589964449542,-1.47348464241822,-0.540347068924443 +-1.43422177150788,-1.05953340160063,-0.656038508322067,0.814488305629377,-1.36570198912707 +-0.862847933236671,-1.95814318122856,0.644952092175901,1.71445514655188,-0.258311102390619 +1.70379920381415,0.0173904663806425,1.44944567092148,-0.446987998527303,-1.07623824489283 +-0.655632596473974,1.56167879028459,-0.252634874667687,-0.740162229446969,2.38338190815734 +-1.11316862562595,-0.213843730620366,0.464656676659763,0.217243935851249,2.4471891012744 +-1.40550544636836,-0.0352377309118772,-0.759091900953734,-1.48389692198043,-1.375628945718 +-0.150643686787645,-0.0462464717100306,-0.613177103375837,0.755510900284647,0.815582656353358 +-0.394006912428776,-0.736073810173021,-1.16233655875022,0.596964322962537,-0.469631079722937 +0.252069319747878,0.287419503545862,0.774622673129852,1.70107776301867,2.55371199677123 +-0.282706437731961,1.41571534281801,-1.81210291034675,-0.962033154337465,-1.17156717798034 +0.86766761253418,0.432365074915211,-1.35383157392274,0.00158459050689613,-0.660506552552603 +0.720091121287667,1.54033180457883,0.0154052883900366,0.140690679271759,1.61388304502818 +1.05606960140852,-1.71177024087419,-0.624447797566008,0.494860075766879,-1.38451030209981 +0.243502060378394,0.193773443485366,-1.57606679489181,0.0139094936958949,1.18902375976534 +1.11436266207131,0.0629636696052556,0.346480614231598,-0.483225538755476,0.766528476250776 +-0.0765527137248828,1.67230873524118,-1.24061315622903,1.94461565573897,1.41198492383719 +0.932925053950374,0.888334466403392,5.04664938192134e-05,-0.0670497932658849,0.0520973904893733 +-0.157981738669148,0.296493873145917,-1.54854497119581,-0.788623152725447,-0.645800288841459 +-0.681509514802608,-0.740889592783282,-0.15338907291065,-0.476150091412747,-0.514478582953262 +-1.22010109142514,1.04646431959087,-1.01086201299834,0.10406290038081,-1.55972097265909 +-0.708912991624368,0.222398110451356,-0.962059414859001,0.77273323380109,0.682311155948215 +-0.748679597841446,-0.598761408742685,-1.56520209471055,-0.26102331927277,0.663082080852304 +0.57607752614667,-1.15164547863888,1.39830497251044,0.00153804053800212,-1.20985383701475 +-0.0520994639309632,0.144360162848759,-0.208013350713519,0.00250520567062324,1.49725525730812 +-0.630337173595477,-0.547393481874579,-1.3300765576896,-1.16785266259393,-0.126213776188376 +-0.898336065510746,-2.50242629826756,0.0350741035822778,-0.182697978656151,-3.08946971876893 +1.51268587551728,-0.293453853912661,0.595361536530095,0.427716225835293,0.710350818273686 +-0.236749292754605,0.0400862884434671,0.21501616839415,-0.7052439976332,1.31447258316906 +-1.2488034215964,0.134056858389889,-0.495764063811035,-0.764031043679123,-1.81846867777414 +-0.430009336385521,-1.42130167574704,0.387998807095383,-0.0651454203096324,1.64077027274653 +0.0932994364677102,-1.40432281444744,0.188364985459627,-3.38558017788066,-1.34585705004309 +0.833041088710478,-0.702255707086492,0.141349660565147,0.480812936176755,1.32314237851428 +-0.0849324781188742,0.47589832790487,-1.06664092089482,1.24480868762105,0.428352817593826 +0.111853039012255,-0.225945788407352,0.78265011869897,1.1615465180299,-0.23150267141728 +-1.03943594284897,-0.0572688133037461,2.5118012739391,-0.649167519228116,-0.058761316090202 +0.796422813520926,-0.0879466294176293,-1.3790189302553,0.0371559134423463,0.68447621360339 +0.0999033761579581,0.0715179562071411,-0.536669117009431,-1.43894529890093,1.85925944484691 +0.736959753190812,0.164402698819652,-0.833973838630417,-0.369339012327041,1.59404670462417 +1.54688133441627,0.349279032212051,1.10817150291651,0.120208384273033,0.68780170812063 +0.178920971863378,0.953144513094561,0.207704418234698,-0.370541759745223,0.619880532321829 +-0.282546591643236,-2.22791423230589,-0.774373482135165,-1.71848751755289,-0.341221846167142 +-0.76729877857509,-0.776264356311486,-0.08472012858165,-0.243045873206878,-0.903611878049802 +-0.576404240243122,-0.0703316669470141,-1.26100901873281,0.254715527464161,-1.27836910133823 +-0.914855840000763,1.26068979767465,0.108476150663163,0.106920685936832,-1.84582225056496 +0.369910961287378,-0.104052092417722,-0.375844442498734,1.2620946542192,1.03495829697446 +-1.46768436330169,-0.868219107709613,0.37078650062671,-1.11770233881351,-0.629121564168223 +-1.74536197840808,0.0362521673180201,0.960698274837823,1.41431125508868,0.3118986047632 +-0.66738180392146,0.810912373372976,0.014617110779749,0.169832300146281,0.106831195148133 +1.08427900648207,1.48082909622166,1.26535045336079,-1.19438591254653,0.045883409569822 +0.122831641432163,0.148613867904367,1.5691905593185,-0.244918322882794,-0.359791688742204 +-0.494249394753101,1.46353654495771,0.663840866099925,-0.194397848018292,2.19789790877262 +0.669588183914499,-0.503893673684722,-0.618768130715814,-0.511357909562148,-0.567576668481623 +-0.351478853334928,0.0278623656237697,2.23907921925683,-0.355895013272502,-2.33117079470624 +-0.11498040088108,-0.462992943879236,-2.53329287099899,1.80664679844623,-0.664123476771031 +0.0729869418013214,-0.349067805180402,-1.21122826798173,1.04113164528556,0.916204212069472 +1.08877461255298,1.38715841012422,-1.186577016595,0.383240545692088,0.121772694633462 +1.29256873846574,-1.74384585318467,-0.824407507635977,-0.885497915707269,-2.29870961368757 +1.28251129409906,0.377979392077669,-0.371766448845303,-1.1346217221416,2.00861823350229 +0.979056118294658,0.70357724356553,-0.0310870612242919,-1.19475527364215,0.00247820068296101 +0.329469783429092,-0.740730900607177,1.66097286472424,0.247428148281408,-0.394590377749115 +1.8796357177335,-0.140656771619701,-0.0331356798441635,-0.806685340918067,-0.857612846247519 +2.04289903105136,0.326751062235814,0.986782134780428,0.0976456611070613,1.6421112301985 +1.32857637262015,-0.799049591266918,0.630174471309162,0.46513962679718,-0.286416606466136 +-0.219668643736572,-0.856266276070207,-0.181516965998299,0.39554593369631,-0.00790895826315496 +-1.0400474315513,1.16294974037507,0.128205082371562,0.337585183347653,-0.0262325662015062 +0.19294978270913,-0.683111941408483,-0.946044748090142,0.0489409727697516,-1.82796341222515 +-0.555236251879244,-0.461901956582538,1.16109121093131,0.546208554557667,-1.16898469884065 +0.274990889851362,-0.795171023322108,0.547091585058627,-0.72710124716396,-0.704944014904597 +-0.55051340508595,-0.625037130023762,-2.21712261491463,-0.617242408734407,-1.42169359013084 +0.921259893093488,0.572586816548763,1.04648672057513,0.404066500053986,0.447349810588919 +2.18945599237245,-0.092774624043222,2.76379750283156,-1.14810114073034,-0.709632736104038 +0.963994790082482,1.16132958199284,0.35965264719703,1.82733100883383,0.145181540094756 +0.741818476272659,-0.571579753448462,-0.922712693515365,1.58082927038001,-0.9368104467483 +0.037356564959467,-2.91282561465663,0.405697592235546,-0.612626013896803,-0.0488716960988405 +2.18083368623473,-1.2205699384207,0.667250034177031,1.11035523323563,0.912226878166692 +-0.0795852035074668,1.29779904399142,-0.350834556640113,0.276479901226256,0.661042544375343 +1.37629502882361,1.00604083383634,-0.193463073528145,1.0384903758363,0.260870868002491 +1.57531667679071,1.45122270713317,-0.68298188262427,-1.03547631203081,0.660581994520699 +0.160376978407948,-0.277238834745172,-0.373235542622123,-0.931124447642821,-0.469120794821809 +-3.25322007290293,1.48730290739085,0.0156241374530723,-0.0538457128119585,-1.63773043745012 +-0.329930487313703,-1.01652247843822,-2.43257616917672,2.75728487429194,-0.645109952681696 +0.457089825662592,1.01153852677054,-0.206417910272715,-1.68180433857498,2.11302052414702 +-1.30410375743438,-0.62982602796832,0.530648382173504,-0.446449364191222,-0.813789735173821 +-1.29117343884522,-0.280612925190477,0.176409014399656,1.26473648290126,0.669764196279615 +0.906379731668726,0.353802586188803,0.144398659856566,0.999882073561284,1.37766573950664 +-2.79596149521123,-1.36125320284191,-0.179450499464529,-1.46267052569373,-2.36571266442054 +0.233560571320303,0.811319301168298,2.48349672883392,2.44569147616162,2.93038034094555 +-0.269035938649161,0.188736323318596,1.03821455423582,0.835383450240737,-0.00578987679858164 +-0.658545055017142,0.0586844106760174,-0.139684702449903,0.415679708265731,0.928364994200977 +0.0633457930705781,0.831690174697612,-1.30720175352447,0.149909617533058,0.290001138698675 +0.0544768390649905,-0.296554278722367,0.19387373558479,0.130115541005364,0.795348665428359 +0.247009323436638,1.92811829124929,0.334606896882514,0.141924730969206,-0.275040923415192 +0.124035547905759,1.09993405060426,-1.79843702941444,-1.3192244066378,-0.113268622530832 +-0.535256699607607,-2.48191920894921,-0.952257528049237,1.89019323076493,-1.91677929712132 +0.258482591385961,-0.143448814273868,0.987091019848213,0.0997492778588939,0.625541937569526 +1.38770886795755,-0.6533723939189,-0.711789160562059,0.384955595598637,0.148232305349558 +0.667170446299684,0.254267668563504,0.650624475869043,-1.02612936007282,-0.898438760321941 +1.49704945208069,-0.460549667784086,1.53231898026484,-1.10534633319761,0.781882909635289 +-0.274880403443707,1.078707839069,-1.05849898727049,-1.05213510025101,0.514925545056634 +0.583075843370735,0.058309344768793,-0.11557012946823,-0.244128810693575,-0.0579210426652073 +0.503358526281824,1.54792352674937,2.19437793664627,0.253147570431853,-0.332593391179763 +-0.74324768197525,0.210962328272646,0.0405109329448558,0.211957780560388,-0.546186264444744 +-0.816877585453861,0.396285124259742,-1.87203474769599,-1.32832717521955,-0.387404847039221 +1.87028368106197,0.327814967151589,-0.194904351786744,0.47450199135954,1.37407224123229 +-0.827253044046263,0.97716510497932,0.0317433183960856,-0.835593294867878,-0.244956768962832 +0.950712693584276,0.384768230803319,-1.65137480485127,0.0727170733742196,-1.10999348526687 +-0.266172351060701,-0.255333634889788,0.834603031521546,0.915989577158931,0.520071992174305 +-1.0990821816966,0.467023597101428,1.94975292605636,-0.679971417753623,-0.814639889121055 +-1.53421754307361,-0.430750424397337,-0.842991470196091,-0.538766975075473,-1.62197326071121 +-1.20630985963392,1.91957271293689,-0.022521158457055,1.13946992888318,1.69124999586613 +-1.95002527285931,-0.749697638130131,-0.730852925052517,-0.909131468469794,-1.80972567458489 +-0.884040029631817,-0.145297804823398,-0.0473744109005052,-0.605854270898155,-1.17386575513408 +0.973405985201601,-1.930937879575,1.3131472072515,0.516246156727149,1.4033849969922 +-0.580971315835475,-0.57643839933511,-0.0530499216856843,-0.117111078147644,-1.56359064998972 +1.73676738151204,0.179695013740375,1.48864531430587,1.2651133225995,1.02608451618766 +-0.172675318153217,-1.0585875486123,0.34835835216985,0.277741326028423,-0.155653713192379 +-0.937992531749062,-0.85291910107167,0.105395886932783,-1.07497808859499,-1.14087819596616 +-0.28459365979305,0.0913124466915819,0.451428160365308,-0.0580055500318675,0.441437891702477 +-0.589018101666963,0.181576992184874,0.358878756013178,1.13847432124499,-0.0795779639337681 +-0.44393142602891,0.794561865647756,0.793520121521728,-1.91206389344032,0.13288611822138 +0.0599965734692298,-0.400023235949867,0.298774107788274,-0.151321285598918,0.407312919894614 +0.0822329488652121,0.259163585710244,-0.270224150299299,-0.176611558605078,-0.399250842458606 +0.758397523687175,-0.577807437816022,0.251110597470882,-0.683821040820684,1.66453399941666 +0.539662990903339,-0.785535786150966,1.33831826066881,-0.695993407820251,-0.374297546670659 +0.776647646532491,1.97313952665039,0.65369081290497,1.28679973564929,-0.603193930338111 +0.132171664674437,-0.640409368830419,-0.482159631735648,-0.0895900701966298,1.23405483390158 +-0.806865299790739,-0.588579747722203,1.36232617408788,-1.56468733988723,-1.57298641592375 +0.449350085786593,1.29872370041408,-2.23745263880472,-0.868904969929435,0.600067372727671 +0.41264145683315,-0.345137021974271,-0.583069660936023,2.29697185066511,-1.88198289987121 +-0.403614049111987,-0.1791690837053,1.6968150416894,-0.813391793255693,0.361019122588157 +-0.38808827747742,-0.632188935843907,0.514010367527633,-0.954205268021875,0.0367989536626057 +1.09518774784029,-0.159428518764871,-0.968327179581577,-1.06668686447209,1.0114973009066 +1.34048004305313,-0.158113244291774,1.95867974583969,-0.494019987894099,0.554136481865243 +0.114405546675648,-0.443436078582291,-0.223102940315682,-0.738562969249735,0.60818924458536 +-0.392264620281621,-1.52371718080682,0.244801947670839,0.53258573162904,-1.24536760380511 +1.65235784319754,1.15623245993889,-1.11520439145013,0.483540492477947,-0.739652079810349 +-1.24369760877461,-1.19712465358363,1.17477657496112,1.14173290010378,-2.39833663336816 +-0.911925870779559,-1.71633612495182,-0.426981398954043,0.200742095911055,-0.670360475669954 +0.850043471893941,-1.13786984735911,1.298037814001,0.703193047260675,1.27511862222967 +-0.925312995099251,-0.951810483836722,-1.42767598841154,0.509737170346478,0.868827496182911 +0.893581214441206,1.61925948585556,0.242787180633867,-2.14171325334566,-0.100224747050034 +-0.941009737811872,0.167813585930611,-0.210700619159204,-0.13213914168807,-0.986112222170232 +0.538952094101553,-0.908177802153751,0.080138603803122,-0.117058333085581,-0.40960140612904 +-0.181974398105336,1.34179587693255,1.54608492158309,1.47883615689266,1.57537461896086 +0.891767594965122,0.022043449536062,-0.21585880999626,-0.886599327971648,1.29140747582612 +1.32920820523491,-0.207005454915724,-0.770960445727512,-0.0464673189686162,-0.606882441006577 +-0.103466125206476,-1.11975651427101,-0.979760866698032,-0.997243853945706,-0.862795508719793 +0.615064610722324,-1.02789853931707,0.268276775439651,-1.08451284931826,-0.0668652502495782 +-1.7997723953362,0.314034466079204,0.418122573338708,-0.903779357268635,-0.437536117101882 +-0.262705141643009,-0.968203293822732,-0.799512963661639,-1.61488392851201,-1.15394710674297 +-1.21014187687842,-0.28502955675844,-0.0925412505516633,-0.38028317263869,-0.2251841410196 +0.204477252550871,-0.280855522055497,0.365939490990015,-0.661767030447997,0.365598963494617 +-0.0139941045119107,-0.120300542727427,-0.961061016995383,0.119230031016619,0.435475430315254 +-0.235200839818886,1.23873889595785,-1.13646515507021,0.138645136522765,-0.128295505877708 +-0.188318654237954,-1.54092667027492,-1.55047121714841,1.11889135260302,-1.98140218569394 +0.951283068840505,-0.217596416261207,1.13427965306418,0.233769888119713,-2.7687556544198 +-0.154014785973495,-1.17385937436949,1.64246989795711,0.83703937073315,-0.458757921155136 +1.85424450475186,0.390681290239953,-0.0507186060334669,0.580328951041423,-0.923182296599651 +-1.90416735438949,-0.0285058798649181,-0.985130288236777,0.495571975285419,1.40477688222567 +0.359299701900462,-0.726327602489376,-1.0430979318798,0.437914572734454,0.752226637423502 +2.1145349462097,0.522555897009121,0.241083109809096,-0.210379665334053,2.13557829423223 +-1.13574898684316,-0.886583792691759,1.52298529728673,1.3275944819007,-0.338169268698574 +-0.796255985784339,-0.162437813117404,-1.11077294736578,0.152210032721289,-0.708132404534661 +-0.397569450150752,1.82627086817372,0.175712927588974,-0.345283883367533,0.962321848764024 +0.0917240415455821,1.75569661407061,0.392610124293341,-1.3690761805442,0.876479920796353 +-0.238694074135277,2.27008072857037,2.19120279583582,0.00701043853672493,1.69138516991354 +-0.461962363699386,0.466426794127747,-0.218179781281054,0.715250969312862,0.978199574427727 +1.9263406073496,-0.962545161006637,1.75940906047129,-1.3546517556089,1.12868622685727 +0.122054814822625,-0.362847188823409,0.221465847042549,-1.45652032858503,1.06781928501227 +1.09205057650629,-1.23411385183558,0.660993024925023,0.616729885236047,-1.6789109840016 +-2.97225747544741,-1.48105965092011,0.741069735716671,0.38841182818232,-1.43706076165066 +1.12848905096528,0.572324188506826,0.7644337732779,1.51246832413581,0.43960781712797 +1.31200012901363,-0.506346753813368,0.818841409663539,1.79152322855011,0.474244692815104 +-0.48260797306504,-1.03038312693035,-1.18322983161265,0.572158383148244,-0.294218698056577 +-0.224858996653821,-0.728274581871885,-1.86431774178756,0.35751823547621,0.496077801870208 +1.66776531087937,-0.915679831219066,0.457185463829057,0.0307983381961365,-0.694997711938468 +0.0412185323166061,1.57500375289269,-2.13460115793501,-0.566613753971583,-0.499477630072636 +1.03817484555139,2.86159181140889,-1.22014929050007,-0.955640895027937,1.40447388323012 +0.587642933342248,-0.710194667622119,-2.15391389715772,0.264107569536451,-0.506144532836774 +-0.158299577145634,0.683009752810969,-1.30470838648614,-0.716091955369903,1.45350576303286 +-0.292085414891579,-0.277886388159908,0.275864207540613,-0.978460531439326,-0.649547817658171 +-1.41989896333921,-0.234294022488887,0.786066855341211,-0.180457578236148,0.239005749216559 +-2.13831802520847,-0.500162401298798,-0.485989312959858,-2.08032218713815,0.333651515733586 +-0.0225001049025996,-1.06618391254407,1.5144506631792,-0.0949739931051821,1.23214331303724 +0.269770953624943,0.0345082763607501,0.227436165968548,-1.43715358851962,0.498773337389176 +-0.502969399031042,0.51510484326375,-0.51770263120289,0.427135583950763,-0.739158729284516 +0.630807390367713,-0.308373851112974,-0.368775234848729,1.48275386469117,1.91460647048932 +0.474565208416551,0.309606397899541,-2.66274545229683,-0.587682182737099,-0.927950758138071 +-0.340659061576436,-0.74820532173745,0.465798962731729,-0.728912075824751,-1.20199496391352 +0.0496015595221469,-1.1449622806634,0.391141672724202,-0.164657963435614,-0.650785711055821 +1.2952631908601,-1.13267832605474,-1.36813448714416,0.710671673424085,-1.87629364944798 +0.314624204958306,0.62349695322447,1.22253285850527,0.395802086761297,-0.917487653567085 +0.801572503702334,-0.621554957710566,0.270699784982859,0.859359489891912,0.592200312224685 +0.486058896232458,1.61170728620522,-1.76932623237764,-0.841265152453195,0.991035352907725 +1.72556105665083,0.343176401033919,-1.03676061882178,0.377480977506397,0.280395040203539 +0.102432860750801,-1.24112761297792,1.55331795865798,-0.855466377176601,0.243643454297458 +-0.989837074939336,-0.095482091127796,0.361502311569259,0.96617349034162,-0.970617339452441 +-0.460441208998887,2.10794193541281,-0.0713454501197209,-0.595425568545258,-0.00259997152965008 +0.237661491971588,-1.89049895419183,-0.0793436112060386,0.467469524694012,0.783221945271145 +-0.269397264170906,0.184238051817074,1.17359742582169,-0.431225774333215,2.88763323484155 +-0.169554069656641,-1.45622875339887,0.396893275612682,-0.81739800561732,-0.24185832496074 +0.664868973266608,1.86736928777571,0.301815984563535,1.68241883660282,1.48372277765375 +-0.775550915205345,-0.404806863287924,0.270989957638819,-0.994935697298918,-1.7763363304101 +-1.91926113102924,-1.10570818994242,0.597104150618009,-0.740759324874192,1.21249356320757 +2.01933253963338,0.00850032250572348,-0.287977745456628,1.850302715696,1.0965764200552 +0.435210514869015,-0.296454576622435,-0.548893119522857,0.0063134524180002,0.544308138175325 +1.05016883215485,0.395107552787334,0.228015261310178,1.71721464122152,0.136925206652722 +-0.312114840650401,-2.41290580504818,1.04187639267767,0.365513480492853,0.050363332100583 +0.0936176173045456,-1.33099789071239,1.00962093561376,0.969457012051314,-0.933675251808435 +-2.15318775058657,-1.73543819755187,0.536037411823473,0.682129590083383,-0.463298485108751 +0.357993071026488,0.402087102792765,1.25821188032404,-0.95713896449309,-1.12458611746406 +0.467864811329475,0.462828704647124,0.25177360199982,0.116707065486659,-0.56066235965598 +-0.906688834876339,-1.42903278903838,-0.278723283424451,1.31148621978866,-1.54956032381765 +-0.529349915526749,-0.00666879666864052,-0.771151857646589,-0.177502173470431,-0.0134822135344669 +1.34357671685515,-2.17444659027045,0.290518261122681,0.109105820960396,-1.99373215268769 +0.46943405662348,0.485733744690067,-0.571802001052439,-1.12589784485946,-1.73739942945633 +-0.253105087750424,1.02456317126919,-0.314407353295388,0.0540527419072777,0.590118221633012 +0.369103715328425,-0.41724066679063,-1.2681317324717,-0.103787554493765,3.20028013110234 +-1.34670719045078,-0.44991362065687,-0.0526856501758637,-0.339479965542418,-1.72649665927503 +1.1719354256206,0.510764351991593,0.534720798266572,1.8708678781467,0.772875149630603 +-1.9087363449263,0.23066137151418,-0.366974666135738,-1.79429169361268,-1.43824929961852 +-1.00439081062399,1.4140144136455,0.573827158189678,0.0864455714351108,0.756564960730258 +0.676687513659109,1.00290684763507,-0.305035847999168,-0.733223685935472,-0.705825126755797 +1.15232174421702,2.22028587957479,-0.241607465452619,1.86152483098183,1.28240437517244 +-1.73275991756331,-1.27900271394116,0.594110355562078,0.637887731262675,-2.04050570182316 +0.601308856586064,0.459030510660419,-0.922948950545796,0.457847197407722,1.26706985819497 +0.341650314074502,0.525950899556397,0.0238806281000629,-0.84223377086521,0.123563005581667 +-0.0352810090657197,-0.301905488787861,-0.0854825867687165,-0.675195314632532,1.1050708825377 +-0.626165019795731,-2.26260187393483,1.48826398378451,-0.146042273078498,-2.09156354374286 +-0.855971209746084,-0.513242506612061,0.0663269687869969,1.06002590132235,-1.8666877104551 +0.151777841973793,-0.444002397728301,0.225932838708407,0.489600626295136,1.09579837972886 +1.20637269384613,1.58476226750509,-0.422118017659275,-0.459687791329366,0.885900626136984 +-1.48857788320267,-0.0246510833246236,-0.270243677115801,-0.670238117123001,-0.536235121497453 +-1.05037412306876,-0.514694420137998,-0.466533389555906,0.705153497165734,1.75861842409655 +1.63787411690859,-0.513993033438301,-0.682883644958604,0.705542228836229,0.598651427749523 +-1.20733418120328,-0.138084735519517,1.27338880436222,-0.656390245366461,-1.2240462802607 +-2.62615508460277,-0.66335484301021,0.430493574206374,0.101710455402978,-3.06273294240385 +0.0174632661510191,0.570180375282274,2.1810904925108,-0.9259364704168,0.263318332594565 +0.344194027368263,0.693198427561061,1.09758782155527,0.37188492712606,1.0699069287019 +0.0127198373321256,-0.196465407979219,-0.899577567043461,2.20166525263108,-0.100877551508158 +-0.873450133188962,0.427738635648652,-1.14297024097392,0.00324218636575097,1.08666511510108 +0.342800284341219,0.558419369158442,0.766838059173391,-1.17573879028541,-0.351942237278605 +-0.177387754282478,-0.848490763310706,-1.07059245819559,-0.142316188301768,-1.73875996861315 +0.921433254590606,0.393210090043557,-0.838984059555955,-0.581085262342228,0.435684221795438 +0.300944402209543,0.739622854555091,0.0572987393779601,-0.211982238467236,0.833274098023023 +0.693386752709799,0.434563137364066,-0.0944927939385533,-0.311589757024866,0.693843426774548 +0.325471906278775,0.45793525663008,-0.273933665515883,-0.036618812998555,-0.416425601632472 +0.408051022728875,-0.452130199295268,0.985798970751764,1.24299702573133,-0.88989803114211 +0.759842255891014,-0.367055679623703,0.960760705073846,1.21391879175721,0.617797320733364 +-2.28715352045041,-0.395753290012988,3.11120309691737,0.317730836409779,-0.987711923234801 +0.517838261588457,0.0234002344738174,0.28608226730593,0.761347419021246,-0.924002510057664 +-1.34723625828609,-0.38954381233615,-2.61617839477124,0.669714985545435,-0.908776264597208 +0.363159858868327,0.482376718058574,-0.872573649915222,-0.347804993727519,0.571376718808954 +1.31475256465827,0.758697062349408,0.110683714763395,-0.400069510057045,2.0519140880587 +-0.448305910907794,0.170762281447329,0.374670543169319,0.763845679338333,0.0575825774390806 +-0.80816446825925,1.75503583571949,-1.12360067151026,-0.116860985895592,0.854238149249755 +-0.0862684990395799,-1.29100541480158,0.359791873427193,-0.612182132698342,0.238554165464793 +1.58542427252084,1.350223041423,-1.32487611336145,-0.393182926009979,0.552465766809214 +0.101057448186687,1.18198043771503,0.771649463497389,0.315797372836909,-0.708716800036068 +0.148762211652968,-1.26361355053047,-0.560872736384227,-0.165589336084004,-1.080361777871 +-0.546434668144039,-1.56723702336193,-0.0643860223062941,0.331412570935706,-0.510107690957965 +-0.527675587264115,-1.76690400433212,-0.0590537719421214,0.413242232489897,-1.51498072573189 +-0.139871559492049,1.0313827567534,-0.0666339690647122,1.65524595029183,-0.0663424617563565 +-1.58941141444985,0.169722721165277,-0.821360562354067,-1.61896288301505,1.28333841714335 +1.23410416568767,-1.64342972471861,0.322055822608865,0.620111360241449,2.11819548903576 +-0.335454848332105,-0.249066139722486,-0.567582753586689,0.450707871194716,0.219721278670486 +-2.00100250680987,-0.506931720865329,0.313684553925905,0.235279592267181,0.0276368566586354 +-0.0174584027383683,-0.0277094890074275,-0.0156673947412101,-1.28016782289109,0.604081636711604 +-0.240966895843615,-0.248249852722368,0.647841034815065,1.8308150390139,0.414333811089797 +-1.79198939892252,-0.386954450061208,-0.0801237949171218,0.772120806975792,-1.23017002377779 +2.04969151122701,2.00118684177239,-0.660953393176569,-0.76841268318723,2.09141676303591 +-1.11721761151088,0.852115399414548,-0.408816861886561,0.0500539989475185,-0.887422622526932 +-1.35354954481764,1.60347150536235,-0.437813737410453,1.51047247847178,-2.17201328325556 +0.451302311030919,-0.390858402683737,-1.55835968509815,-0.914731222367152,1.32706438069673 +1.0332274248505,-2.51418531324698,0.307493550229849,-0.37334251566177,-0.570228085950373 +-0.195885695113888,0.591851131883643,0.0633608571704158,-0.808124174720621,0.630768456658261 +0.227310386780745,-0.742149400406474,1.10947912663254,-0.440725009980622,1.43310416134418 +-1.10219974998749,1.70200728605702,-1.07207298209385,0.00830787561166483,0.91599769221312 +0.95527736854135,-3.11911751487801,-1.60992859632289,0.699967909232212,-0.137771340509519 +0.31283044591251,0.447370987835865,-0.583570096829992,1.99951283516437,-0.127013524063737 +0.10100571319913,1.34238216861523,-0.950611114105472,1.06644503131165,-1.40135006194832 +0.748115414290238,0.519748731700415,-0.911276320441356,1.48666180882465,2.23036010922602 +0.998960894793609,-1.34294210135589,-1.29846142270978,-0.670958287734367,-0.942099528022381 +-0.732515309013158,-0.106125470441677,0.526865279026287,-0.771836802106105,-1.39332689830849 +0.480895240110787,0.196462120559561,-0.912442289822247,-1.5800967465207,1.49616423546392 +-0.989450308257357,1.99348259852196,0.249979740886311,1.15475689417374,0.136629484421431 +2.22955904834575,0.100198144087884,0.991720900827391,0.277266965887284,-0.876807757212499 +0.456736599588872,-0.16547816692274,1.02035155777078,2.24028529323321,-0.0839686623704718 +-0.0358154435846572,-0.449153371160302,-1.03396907707497,1.147920948271,0.0463795531905463 +-0.49044270641976,0.108511879552841,0.755885154024593,0.324121090695425,1.14678586881522 +-0.220566611180815,0.0778887802943865,-0.244436314590331,-0.264618835382797,1.73504938496021 +-1.10120936078499,1.52865188417287,-1.94859244521499,0.098165271674942,-1.05879553299548 +0.063470471357051,0.448138780878264,-0.0602561455437591,0.567897877724094,-1.64383893939775 +0.583525933087138,-0.584927496115839,2.35824616080666,1.01305922394136,-0.0226177665874314 +-0.513358846194759,-0.57591901986997,0.82716148193393,-0.0720662735776388,-2.14420269814744 +-0.812552121927585,1.28863601658206,-0.163971051276437,-2.0718830070056,0.104851400007099 +-1.62931990551456,-1.28640318788691,1.20207698621864,2.59944551681425,-0.25341252934564 +0.568905706511775,-0.243408032609144,0.697417113571442,1.34976295031012,-0.202748159588029 +0.333783306704956,0.5628039479928,-2.30008458966566,1.21993995857672,1.03442123245807 +-0.211322559368946,0.256447583071004,-0.24349781840851,-0.848532372045891,0.525375781381407 +-0.551097930399239,-2.27633899050106,0.615186609260418,-0.188055192527712,-2.76164482450097 +0.258361128941135,0.558005917989661,1.51004988061867,-0.647436979775686,-0.936872979198661 +-1.375210446411,-0.335019467451676,1.51340836468791,1.29443300493307,-0.694309332071841 +-1.4727541491027,1.64270766184674,0.156271694604695,0.420318045723528,-0.606765930221997 +-1.44520967284587,1.57013883682474,0.802819754537529,-1.91426060728182,-1.33592536043311 +-0.361288424621171,2.08197826376696,-0.565295491136215,-1.04831568970875,-1.01924072025929 +0.79070996473063,-0.632625982787692,1.29919133324703,-0.0915959700663878,0.0991987735355368 +0.714657846323989,-0.116445848214985,1.41110250067183,0.647267737419986,-0.149916694695727 +-0.565153517298012,-1.62688075738446,-1.34558084173926,-0.424792675040042,0.526834110668594 +1.41801430342912,-0.177039823576682,0.94388727111461,-1.21173980741963,0.340919380934634 +-1.14575678099,-0.761585795171813,-0.156116756374826,-1.49710753204561,0.550086583888229 +-0.492817822952378,-1.9943053170618,0.324019736810011,-0.796004719074949,-1.21742610849841 +-0.73305227365599,-0.63775553980267,-0.916069453165896,-0.457897004318806,0.826740806236827 +0.15923208035453,-0.627540354243991,0.280205026851518,-0.292288799097705,-1.16569813815712 +-1.75119295921948,-0.425162391462882,0.0661865745941065,-0.0454304408039203,0.481954853155973 +1.18483086705245,0.766073558386913,-0.164934310913953,0.089380890207528,1.35563524156819 +1.20703160102077,0.227675375863959,-0.136900816247595,-0.73266936043978,0.607105809705223 +0.977649326530504,0.262124109533148,0.024311471013414,-0.972975194404911,2.75434063539895 +-0.0819917440431946,-0.0387066679127234,1.42829075142112,-1.15986679732403,0.38710777828436 +1.15626342259789,0.390709389505376,0.0284418443396404,-1.64824992026263,2.59625711113842 +0.486796336752512,0.709368620657006,0.175862964976933,1.98768267144255,0.639344140632784 +0.95884866279506,1.99493577338697,1.4566503998255,1.28781326256982,1.12028123022094 +0.177792371188778,0.315668232665549,0.975076936196071,-0.400374606542954,-1.40108260589295 +0.292250881034058,0.254998265775951,1.15450424913966,-0.219352908090345,-0.996853686957026 +-2.11334068465336,-0.0748676464165192,-1.19943109413237,1.64207355042254,-2.30255609804883 +-0.538047910821091,-1.4050744319456,1.38634920343909,-0.150599508153858,-0.0214687682641883 +1.01402558475317,0.23226824559182,-2.10051144916066,0.198912576303639,0.0655373326804017 +0.101269641473852,-0.968199186475419,0.264405308035879,0.563828918071631,0.927575167612034 +-1.21870737154808,1.05452392854707,0.865510799439642,1.67852135084458,1.40302345194752 +-0.958376792791154,-1.10432314673198,1.27491246463246,0.0849784849069639,-0.71599952495382 +-0.555797484605983,-0.975982807456805,-0.688921290278311,0.828019998667747,-2.0927980396536 +2.12187591164329,0.86139250142642,-1.26666076239514,0.757570738046406,0.26089045562846 +-0.179589987560952,0.902551177651002,0.61389819172723,-0.694560227563796,1.50997819116713 +-0.644735408242739,1.50496032212495,0.108103835767645,-0.483529533411632,0.204854144253882 +-2.09258377175654,1.78780373264705,-2.02325100791832,0.619127415193828,0.369696302303573 +-1.90187083769886,0.242243985464574,1.19949867997587,-0.0334311810915053,-2.25763222481561 +1.22225027632159,0.429439499410649,-0.958123967301761,-2.53540162102866,0.913392031352785 +-0.851220441380158,0.591102478171717,-2.11275523485805,1.28723187917647,0.912604815922318 +1.62120288295757,-0.332283006906714,0.729302201162014,-0.653094358084258,1.29508642243266 +-0.329102801964517,-0.75639689073908,-1.08238186652845,0.694154375744651,-0.948332111251711 +-2.32640952744011,0.027011968036066,-0.267859237887237,1.93797664289277,-0.598776769332071 +2.1929979995365,-0.211978701829671,-0.496812654726983,-0.495902026187973,-0.850081711848371 +-1.08247997639693,-0.807426834757963,-1.53658732606055,0.836746704738105,-1.55193501672124 +-0.506360967360063,1.32708946559819,0.27391883554782,2.0723041043654,0.286679803977432 +0.0959189568330369,-1.95950845899466,0.0269080873672487,-0.94913949115413,-0.402979085796899 +-0.120165257941563,-0.136104032349869,-0.713986058309964,0.0713610592422037,-0.18960018315064 +-1.51866762967456,-0.590202702650643,-0.608222292531632,-1.93589768526286,0.427588590818107 +-1.51058506284295,-0.623653062470915,1.08385342009489,-0.440584578549794,0.0994283695343859 +1.3956049282303,0.185429519776889,-0.14888248992888,-1.00914365037937,1.15449256418568 +-0.708421944079962,-0.918425195089281,0.257429022521163,0.906753773745126,-0.467651002928943 +0.827938353109991,1.4513576093454,-1.14379902062899,0.240236285308428,-1.19786111700221 +1.70775583721357,-1.32112770651939,0.86089055741296,1.0268227050122,0.0508162963555322 +-0.779166556871574,1.26805101113,0.930051219201186,-1.46309825596212,0.831800669823819 +-0.706899068671983,0.767055438920887,-0.797457625152443,-0.095099598843943,-0.286387441505437 +-1.99290251051536,1.9148791176785,0.962386388965802,-0.503355330231378,0.0791193208587977 +1.89987653291093,1.08128986361518,-0.677157225649645,-1.52380605133165,2.08420772843236 +-0.756206935872664,1.18944042456286,0.687957711202111,-0.0562900122920523,0.0683267405251136 +-0.377955779724224,1.9145973043844,1.23442464627911,-1.01739207623498,0.176103814791568 +-1.36395480148574,-0.541364619243498,-0.756992630316063,-1.36485240625954,-0.626412229924925 +0.74195815930761,-0.214115230639709,0.437707325159999,-0.18679896634305,3.06351792580824 +1.61097599601383,0.567519388146414,-0.430620417402897,0.0842162201215896,1.73644668779194 +0.227387446895332,0.448029690705025,0.747610558525696,0.717785184790058,0.499522370189616 +-0.400515673917362,1.58733760064956,0.313954188581403,-0.570613273087871,-0.465981159238387 +-1.66958039964306,-0.681540997028226,0.10638232911008,0.333484373455062,-1.83685513842479 +1.4907010973021,-1.07877667813488,1.49858055744418,0.792517391333184,-0.224485659913691 +0.691487433198398,1.42178095817987,1.87198836579114,0.361938570480156,-0.0154166226528734 +-0.0409774766647957,0.111792235123168,-0.267580113845018,0.0275625134144651,0.179582493106365 +1.20434485267842,0.45232075953986,0.0925909228014769,-1.52491238250314,0.555927050415065 +1.29851496357034,0.88226511556746,1.34167996999818,0.522797411552239,3.48745113571687 +-0.462217020759918,-0.546460016800459,-0.152118150284164,0.307309809742084,0.245939116834185 +-1.22577374782218,0.434750363001217,-0.516460793178283,-0.16043667957697,-1.50065584424903 +0.963266754105759,-0.913803007260002,-0.446169090012007,0.0450687508118032,-0.901328884629744 +0.693211227960882,0.0192534040756925,1.17948401359631,-0.582638099677314,0.906341292516096 +-0.501393165926139,0.630685069498483,-0.136749673177198,0.879458148537217,0.337404061134299 +3.15397141698372,-0.520616296704242,1.2270936306603,0.0912784733381211,0.0962230387788784 +-2.54910689501694,-0.178219210346847,1.36019301478047,-0.0912496998405553,-0.832491545294499 +-0.00813808482908667,1.49479606320448,-0.655431797702368,2.02046306506795,-1.18695942181511 +1.1387806409713,-0.454711032225039,0.646652023212998,-0.416453257833638,-1.05928165338016 +1.48234646794641,0.193339472568566,-0.0715523315482962,0.575847809140516,-0.371681431700075 +0.975845008963832,-0.327338885901635,0.515941351640726,-0.472024316578719,-2.09619778184605 +0.14835029328322,-1.32381482780541,-1.93051152343812,-0.181454416194223,1.15285919064844 +0.788908757307724,0.366251637803032,0.224162337107212,0.372709669990253,0.522132784029794 +0.557581219707707,-1.64527055685324,-0.314555790071757,-0.847278249971305,-0.669157642888469 +-0.0273943930429063,0.118458537204539,-0.484405367171231,0.527442025949933,1.23258826195526 +-0.877074958800242,0.334439187257974,-0.877311607752378,-1.73762481103716,0.199763775680262 +1.2162434707284,-1.12851767869048,-1.09854003853169,0.35844517532389,0.985012850404667 +-0.351249812274922,0.31844671228102,0.444816195226566,-1.02952710171544,2.33854040392412 +-0.294393117373541,-0.714159092973781,0.55186690281528,-0.154528259310581,0.932485438349513 +0.253137809458962,0.869093787128784,1.40865727040201,-0.361953830313456,0.843272494205422 +0.0114979858264514,0.357445024426561,-0.996983959171703,-0.711634690997898,0.75402599461304 +-1.97578396222506,1.03409169045593,-0.547436503332148,0.627631611250172,1.67287247009338 +-0.426326723861569,-0.428674121955528,1.11535620780497,-0.489657600092298,-2.53566598320478 +0.612302560110158,0.886737905740746,0.916217572507689,-0.67903097583704,1.19117506767822 +1.2308141088357,-0.039104497670913,1.65976572396753,1.35379276851666,-0.543280556091015 +-1.27080780802968,2.21343825488099,0.0520693375933885,0.350849811594194,-0.61559693165431 +-0.650555663503596,-0.231665810253412,0.796953990476389,2.2218043998524,-1.04494636822688 +-2.44316623718536,-0.984326446957185,-2.30979117982568,-0.015146407501959,-1.42925087375647 +0.996548594518466,1.42260893030128,-0.0871935098304704,-0.897785059886806,2.06966600928124 +0.00511352840900145,-0.258114873465745,1.27693892830223,-0.0131911462907159,0.126105800972153 +0.791024763837734,0.440840840286915,-1.41166389658135,0.774357563743581,1.79135863819252 +-0.563191536791144,0.254285222927145,1.36206995155282,1.10835654611683,-1.78733324225569 +0.213826202698897,-0.0256243275722067,-0.378809750705903,-0.378338339136316,1.67767321341656 +0.977082664102224,-0.432703499808676,1.109425977144,-0.628256852845478,0.931120448636856 +-0.234161102635821,0.52600027631277,2.31829901992172,-1.0122734712276,-0.796134925465261 +0.848660553954768,0.599289803913021,0.413883243266153,0.565614139331361,0.974454773960279 +0.653970890565347,-0.096717301058011,0.46514898979697,0.143655622784786,1.49894325396741 +-1.59057002627388,1.84559013441683,1.20670551445586,1.32089086049796,1.91687934593082 +0.309423132913911,-0.0247552364333104,0.964543445723951,0.0247513002334452,-1.1529509034545 +-2.4859821898856,0.619210712050782,-1.57810021175582,0.011452656178367,-1.71955196043793 +-0.278439107296112,-0.244184078681959,1.29216182492947,-0.866111027293333,1.32164347387201 +-0.552433759333541,-0.562201593185268,0.767969519976626,0.137674890508466,-3.34605542018045 +0.87604207279027,0.184913628295053,-0.802448013583639,-0.144358902262306,-0.271438222214747 +0.293483694441495,-0.430746730026344,1.1963867831704,0.532518869989782,-0.686155088918168 +-0.597222046871897,1.47872075496406,-0.548838209545469,-1.12289460162681,-1.94735593022632 +-0.157203603307554,1.85765082665891,-3.18745410625689,-3.19493429349719,0.416253805674019 +0.184185060278362,-1.86511941615694,1.0141782673535,0.38464550768543,-2.19013317148507 +-1.01303201429879,-1.13160793377049,0.259014490014888,-1.44294207282401,-1.78961042402287 +-0.679843404739828,0.990458223297773,0.438767652215934,-1.59463806999943,-1.02161875150587 +-1.24269361449976,-0.475466711222108,-0.806703248964441,0.839357630778784,-2.4205103571462 +-1.53501873647929,1.3722378977286,-1.25870943174829,1.67128958491649,-0.182525068021621 +-0.524540013110409,1.03763472939487,0.192116623083793,-0.132374757558041,0.455277306533367 +-0.0185273854581721,-0.193235628212477,1.40240528048147,0.230931901176068,-0.319973621726303 +-1.56814717115897,-1.94576833460214,-1.3306904693856,-0.716597343437413,-2.12073232094354 +0.467851674195392,0.766155366991906,0.0543554273073741,0.539672905796055,1.27374248288173 +-0.667828863981452,-0.243059696670027,-1.91596221186282,2.36780852019245,-0.220535619245048 +0.311082359587522,-0.682643901964241,-0.585516316617099,-0.755860219518557,0.924454199986076 +0.142551004168543,0.365844012600691,-0.382033483868596,0.354253244806507,0.228508110211632 +-0.374034720730812,0.676177234051686,-0.3247768126385,-0.52608868576046,-0.309490808657823 +-1.94492637603576,-0.837650766069371,0.584716301117073,-1.32679056625691,0.595395782165848 +-1.59768131407039,-1.00494903908104,-0.139267245742738,0.613194101286976,-0.0638904854029515 +-2.54065786097916,-1.69035840866592,-0.124340312331545,-1.01232590686606,-1.3558405430141 +1.36204724954097,-0.721143867817049,-0.873434987089974,0.315194236171566,0.127572285415429 +-0.360666003351832,-0.58664809191701,-0.428359839941349,0.650792423529549,-0.634937692693453 +1.93639731086409,-0.0286025689382218,-0.176085913045456,0.320856091534212,-0.204172738061703 +-1.45588379753146,-1.31097374013788,-1.55906060628468,-0.541320267268773,-1.12888285868328 +1.48190570829728,0.00606017241698073,-1.56130436535233,0.260502178115276,-0.0577225728755367 +1.0761196360479,1.1135666081592,1.22161224962571,-1.49047904166952,2.12309010521188 +-0.757488401365975,1.33277442736216,-0.444704753893242,0.932864245465294,0.612202054959608 +0.714085544432429,-0.132455468743263,-1.00968537305694,0.0201608266246983,1.59429981291647 +0.581384629232897,-0.305739028031809,-1.18377431871753,-0.48079391343857,-0.960338499700529 +-0.146723902426033,0.477307252254108,-1.18761256594992,-0.34680531630358,-0.781169441858327 +1.50698177745129,0.28996300282275,1.07326801375417,-0.954086475938909,0.258850796528578 +-0.279532643245176,-0.438984721034638,-0.961725531205354,0.372513853712951,-1.02501815412494 +2.02773873329871,-0.728319781586181,0.968151354665387,-0.308810821336082,0.519098890551988 +-1.19574019582924,1.16352726279154,1.55173991775031,0.780990631929833,-1.97614081096058 +1.31231789167378,0.409158220088025,-0.0592215633101354,0.810906335169189,-0.0631426472537603 +-0.524007512771118,-0.224472545419336,-0.995965876192716,0.336827036238814,0.391300041962064 +0.354249509141301,0.0624867677298609,-0.0549265833423641,-0.208394945775027,-0.188935671140907 +-0.0716744876824941,-3.00081398325058,0.538330954979071,-0.481652383121574,0.578283416427296 +-0.133144306285028,-0.885902246851058,-0.399376548707325,0.845421355088919,-0.52536324821915 +-0.0880773843693027,-0.755593033298725,-2.07559608099911,-0.672966024522399,-0.108027798552775 +0.917788931310637,1.63942298097489,-0.582301062283838,1.59205008237511,-0.0269996063778194 +0.031439264369752,-0.260710239101394,0.0936407273354376,0.0191305173079738,-0.6318770282806 +1.35893058212786,-0.531885355815397,1.18144765084673,-0.0739439642097006,-0.803949578323664 +0.113494845099203,0.913139181887901,-1.10877113625391,-0.16723207593566,1.52421723298365 +0.174306546340086,0.418777267855922,-0.15095989021214,0.176999872368914,0.585426733480445 +-0.053480404684855,0.0400330230001324,0.673060637601006,0.385333808556101,-0.971239328405977 +-0.424758034043152,2.47047234518052,-1.08574472790331,-0.679303107444764,1.80536672201237 +0.207911552099919,2.08481155321195,0.0870402610420736,-0.638491441347398,2.23860440554403 +0.99292291778912,0.740644467613081,0.909291099202433,-0.170101885416541,-2.08971136086603 +0.813857888451312,-0.429351545191062,-0.16656566580353,0.203699485031809,0.341610684752725 +0.996005583833509,0.189237798224729,-1.44175727496863,0.161457325417466,0.126664688484393 +1.73274427091968,-0.541921482624024,-0.0402532880004075,-0.167820636745861,0.557824124951314 +0.357042034431723,-2.11941973829706,-0.758419863113945,-2.70070495901009,-1.17142372282099 +0.15572633458215,-0.164193422517024,-0.661005801910661,1.28541443925333,1.55195466623406 +1.55278865626246,-0.349212773121939,-0.877790181658959,1.84149252902594,-1.08265113512639 +-0.0640696178455259,0.24090913973781,0.739785654860397,0.345330843373156,2.8423636955181 +-1.00821875816368,0.516667271779334,-1.52647711837621,-2.7101339536325,-1.44102182473226 +-0.892895523657041,1.10769222419312,0.0245676117851071,-0.382330058435855,0.534026919874945 +-0.654514621220146,-0.867301691706294,-0.134547179965895,-0.684721279750395,-1.72453966318638 +-1.4337828285212,0.00114594753983068,-0.204139318633775,-0.821724231679197,0.34006015424237 +1.41818435319827,0.405472090331137,0.79133194601272,0.660933278637991,0.545280178578506 +-0.593885665293328,-0.395417679014392,0.274823214601382,-0.412739405714152,-1.99339411971548 +1.11897179804218,-1.12400054108384,1.16184231558585,0.455968210415674,1.38986662745442 +2.38408156329113,-0.48412614406775,1.36069843870346,-0.763273816515783,-0.145205400428537 +-0.40328649415479,-0.441912882784146,0.363001589351527,0.565518709000087,-0.241968752975874 +0.370108558443746,-0.184042246853947,-1.12891445922085,1.22035877958056,-1.15261418855801 +-0.575293013734413,-0.680634697914319,-1.34849170436553,-0.589751542076429,-0.6269760974255 +2.91922880714949,-0.664689990234276,-0.435712571107311,-1.35291068805965,1.69949828920472 +-1.07891478952188,0.117962561202882,0.714564531933819,0.195418889352675,-0.32929767234601 +1.17849132928048,-0.176047122247132,0.137808915586001,-1.63494749195674,-1.74343900227562 +0.869602773179034,-1.75545020642502,-1.83183162189442,-1.75189305483284,-1.86737644077569 +0.931166309798506,1.42755345652322,0.212203427712339,2.34681370499294,-0.34068836213599 +1.02468122759902,-0.0598161403107058,0.0220390486711612,-0.656798484216841,-1.43729768855081 +0.612975056104969,0.563547672307407,1.85299636674974,0.886715663767853,-0.233516708233849 +0.608190081478319,-0.568976439269015,-1.45040943595314,0.833098475217528,0.02624279424607 +-0.892891710239735,-0.663805461809141,-1.67469745569549,2.14203967349172,-2.65842189999268 +0.452035606317074,0.0626206053229235,0.59603331732018,-0.598353333199398,-0.854103636394343 +-0.374712307021741,1.84185277091055,-0.296218937786126,-0.312589683767703,0.635913063844282 +2.84018514503792,0.3245250363177,-0.692774223468793,0.876179080527642,0.0224459462797193 +0.732393453235039,1.282784798251,1.93855655775273,0.282994426164182,0.92418430441904 +0.840518928246033,-0.959738716627486,2.13896010477864,-0.0643777852846509,0.116208322045628 +-2.2196521173488,-0.760112897964573,1.30784651705951,-1.30948347464319,-0.346156379392829 +-1.3274637820721,-0.717203604120521,0.955354917569875,0.614364725302446,-2.49704991099097 +-0.976660698145144,1.82836611778051,-0.413686249400507,-1.33782151343769,-0.123450356754221 +-0.587075872029574,-0.497696199700971,0.871273951548925,-1.50125527675494,-0.870652953855661 +-0.568012815275937,-0.772028985797332,-0.40574145158237,-0.598790066377759,0.776813224610035 +0.643640956726207,-0.220293778778898,-0.875049727583207,0.284504704921951,-0.115715545997734 +-0.237307107556194,-0.017391126429119,-0.0575972004396899,0.0662635651749156,-1.17474755097939 +-0.298578025706688,0.621375725826315,-0.346956382702757,-0.234384648884502,-0.076131271091546 +1.18956255922974,1.2822240407463,0.374878211952819,-1.24323445640334,1.96138289483799 +-2.10894120385805,-0.747096787845224,0.0148764690356374,1.86899617239432,-0.746191573139083 +-0.0732820039954618,-0.585429006940995,-0.345221240627292,0.145073216339615,0.271507251947874 +0.863402869273734,1.03691587360005,1.0890597963697,0.252384356787337,-0.948039073445994 +1.07470746145087,0.473188271785415,0.212091929088872,-0.55492895373709,0.460777865594106 +-0.205852630215998,-1.9517108544904,0.474356136578291,1.1376842719252,-1.82536928214851 +-0.433613832458068,0.157587687558307,-0.491589913730625,1.25312484464079,0.0784214656724616 +-0.182223784408139,-0.74005915335437,0.962068722265196,1.2724120812671,-1.28381224048172 +-0.431078672978459,0.801919406626328,-0.082315240460038,0.721527911695155,0.779215982609108 +-0.424609610431925,-1.00095960264865,0.495820558716551,-0.344267770992089,0.735564928526558 +-1.3538196764308,-0.31379621389635,-0.212305162283798,0.0857915544420416,-0.488207778949093 +-0.196594948982215,-0.275077035366135,-0.493880536424743,-1.57716336010885,-0.249472971501465 +0.234116136807353,0.274071104437803,-1.20548275079456,0.358016900689254,0.165259791700199 +-0.557206294019108,1.18524510598577,-1.38750614490553,1.05490439312614,-0.0899353501556326 +-1.11332527493423,-0.0445280913752,2.25441181928742,0.365725538126682,1.03155945334116 +-1.63063542586023,-1.22678135967442,-0.659056973127255,-0.507337343364111,-3.04423314440452 +-0.387823881460715,-2.05468134894324,-0.586795856320606,1.10525732903156,-1.7448071999173 +1.72263201663562,-0.638925152366813,0.959933297654874,0.688319083348006,1.67158687723842 +-0.558500300160839,1.86697887622022,-0.13579581454719,-0.223118916330101,0.173569686314083 +-0.636660846087287,-1.1800119103489,-0.244364250134057,-1.54981139501856,-1.76415738763001 +2.78138713385586,-0.994588574561431,0.360224889707567,0.679574149374187,-0.401573939575518 +-1.95725587639345,-0.363555553970806,0.70464444533833,1.19611542732103,-2.04279736502024 +0.142527896359,-0.461141226123371,-2.30078574675384,1.46826530254157,0.226211906599956 +0.664498798923618,-1.3200139338714,1.241938528592,-1.34271712174044,0.827184500910644 +-0.478627492484917,-0.360197044922095,-1.50316934470259,-0.190138387005903,-1.81798585376454 +1.18368958312197,-0.806079954661756,0.778027296038539,1.4994002950061,-0.310782241797896 +0.805437291322411,-0.931098776618553,-1.05894275601176,0.58465047595949,-0.823834376462301 +0.0533177579003455,-1.51811493727721,-0.325822751079526,1.23277458368654,-0.0880417822310001 +-1.1673464152494,-0.804260301524433,-1.50649525320235,-0.317755025731346,-2.52806112327382 +0.323350155867517,-0.616767129977901,1.11907997707761,1.37229235907158,0.2476128474459 +-0.320783022434152,-0.209030668739744,-0.223521191508693,-0.548818784518712,1.26163649606868 +-0.885950264101112,-0.683011225467872,1.28289368453732,1.25242338546607,-0.410775926479547 +0.151278171838043,1.90728580973217,0.764970811988367,1.32186447628598,-0.427194572583823 +0.57936347204544,-0.709883829670917,-0.0451178293591878,-2.52027570405035,-2.00910077994091 +-0.0791668261764699,0.482022554854704,-0.691953681741411,0.757152403900504,-0.689044684269709 +0.848767635305161,-0.403803698452882,0.406160775416463,0.504588639353313,0.681444196325313 +-2.51103348713237,-0.0330582358668417,-1.15349537312125,-0.920000869781503,-1.70820380854148 +0.738477114377377,-2.60523076351852,0.35948466008964,-0.961137220617567,-3.19520596225777 +-0.570994285312183,-0.013389967198818,0.618354295969934,-1.35102302680873,0.644044508341352 +0.286539016362005,0.897976262489048,0.579802296153105,-1.70988419303114,1.37027338778523 +1.14761985588741,-0.857150246171186,-0.66588870753592,0.122339911578665,-1.24489217172759 +0.139558702073078,-3.23261042367988,1.23072559258202,0.428282277769607,-2.12782154057216 +0.0889266087987601,-0.14938681082469,0.941881316304981,-0.515468107959325,-0.451792319826041 +-2.63015931699317,-0.361773711586211,1.4503185110655,0.107596886163619,-1.61174966843083 +-1.21722083212186,0.140180905156329,-0.874417712422536,-0.383510705911195,2.07209094597151 +0.749152578850181,0.31559519520998,0.99601821583586,0.607575489574804,-1.58117650210389 +-1.41593292411236,0.203728281565869,-0.226287251428065,0.121773762927769,-1.4347783250934 +-0.112382661837672,-2.17780391327364,0.88672399455343,0.196835561835638,-1.82373498209869 +0.304032006042898,-1.37654836395915,-0.0259364925160435,0.164349351645169,0.869241779248214 +-0.354012804948049,-0.706551966814283,0.208281145083271,1.12150981525455,-0.0352772763721019 +-0.851242489529453,1.74447187681848,-1.04004817096471,1.36907349631239,1.74137710760334 +-1.46117307516936,0.763630327935384,0.916163828615701,-0.974388549051939,-0.823232373038462 +0.264251846213868,-0.00706277436943481,-1.48935750907078,-1.21589001959707,0.750618243071185 +-1.90735794401727,1.25845219687922,0.618856997880389,-0.285336644530349,-0.90693941853179 +-0.925231266230656,0.269866436645476,-0.0794407189959519,-0.333820487832657,0.567085238141392 +-0.11157129294476,1.44953050416103,-1.43119687342748,1.12983300889556,1.0077399975854 +-0.965234425432678,-0.180204125174449,-1.83901195112094,0.267455280004858,0.995615439797455 +-0.162898923853373,0.581731788354472,-2.26228662183562,-0.000100129239080431,-1.77786016057763 +0.860184054944303,1.2082825150627,0.869412958204601,0.0121465697533807,-0.571732814633318 +0.0180987749773109,0.970198380570397,-0.373874955372416,-0.130833653823445,-0.802310662771497 +0.13726245583651,0.162388953061996,1.0919225791339,-1.26079784333047,1.00136059710404 +1.59888607124798,-0.325164834410057,-1.03421767813408,-2.18757928622902,1.17640236847136 +-0.11130084868045,-0.173139475298525,0.406719932956365,0.774818413933667,-0.248250490403964 +0.285455873566112,-0.599860458046961,-0.562993932358833,-1.07453349552185,0.308911818604707 +-1.98390989606672,-1.23681793211227,-0.466824756088264,-0.44027933076045,-0.417255452595444 +0.0307402181073715,-1.02788269793717,0.593307217799615,-0.897813542756194,-0.707386680276925 +-0.760004886262192,-0.205723471340209,1.45117809275578,2.24475299781762,-1.22720654052575 +-1.22401321751577,-1.53274436005802,0.541883276189208,0.923551368515364,0.0308786965309753 +1.00236665253138,0.623322154380955,-0.0601832862409345,-0.35487737430948,1.49704877514538 +-0.0215414228588399,1.53659516754776,1.04079891528602,0.680335117772155,-0.484374651132157 +0.94532133928423,-1.00686724294164,-0.0564968985213263,-0.477215260605373,1.25412350217258 +-0.908491216197208,0.711489654035451,-0.0390138109187499,-0.864350733429501,-0.559375977363788 +-2.40220222687674,0.688291144992205,0.257656232825844,-0.712881340313858,-1.54989999631896 +0.162938047526826,-0.355954192468102,0.191412392399575,-0.491426381751451,0.721021505027586 +0.943208930634555,0.266310038392491,0.0240938235023544,-0.572305231628485,-1.4861174243382 +2.54460486023111,0.863579899309648,-0.706102766750937,0.820641575573102,2.02955429288065 +0.887190933493354,0.946342709820284,-0.359198056208445,1.58854997347241,0.381348437211861 +1.06043676648591,0.574816905719864,-0.636878386501822,0.714093633644709,-1.30315386874566 +-0.615747889000869,0.930442005683728,0.266827003099042,1.55850688318099,-1.592095187168 +0.352854881416532,0.0307972198544573,-0.106214750343747,-0.989805712217935,-0.150902617769479 +-0.475328128308476,-0.382313201735752,1.30778879577802,-0.952168275577623,-1.09796521916349 +0.422056369813675,0.430652520642127,0.236528896238704,-1.88096659909568,0.0189268439993967 +-1.1835591542214,0.767296467484015,0.290489269249253,1.33114562047573,-0.703525046741772 +-0.383749583492094,0.0997677841097334,-0.50327280945202,-0.0976730189620641,-0.179182690787057 +-1.45966580569284,-1.05063085794806,-0.804539542251526,0.123658720449428,-1.90198943631557 +0.0457732244649357,-0.374142674378501,1.14807725476937,0.702664283727725,-0.489991997503675 +0.452456113831145,0.859800372081879,1.65762522500374,-0.331853247909114,-0.350244955338968 +0.0575658703764589,1.07064292887547,1.28883094139086,0.441469954978578,1.45007408997683 +-0.63869385314868,-1.537529500058,0.375247309799254,-1.00702311105249,-2.04756412627464 +-0.23868131830546,-0.471892108211817,-0.552015027766341,-0.779179408603793,0.604474465802227 +-1.64290262156884,-0.0427538109857033,-0.944049642672333,0.43146524308624,-0.422255260892513 +-0.222574570956619,0.539995401510377,0.594180811071291,0.468727916860159,-1.50016398969546 +-1.77556845073388,-1.16308871065453,-0.502918221955439,1.45647210276154,-3.21300527335685 +-0.0154659027849208,2.01702533763658,0.148468660482441,1.09826171695574,1.70806304706526 +1.7510468744589,0.478088566727383,-0.192775801023823,0.41199232929008,0.715259720790117 +0.704206505549981,1.23057175744474,-1.14411622548016,-0.189522345586254,1.10798768113979 +1.48101932421716,-0.349276804043033,-0.611722145810382,-0.12465150294909,1.24174692826004 +1.35288791215922,-0.323194072993924,-1.01925993017872,0.245750761488618,0.50832409976469 +-0.329957835667702,0.561864028042069,-0.966613565918871,-2.11153349728282,-1.57039160092612 +0.363498740513271,1.37098774207264,-1.90016763019627,0.411917247904217,0.918068351831395 +-1.82766273311387,0.789891630184278,-0.0188137941326583,0.255451615205277,1.15042823421773 +0.893777744052533,-0.481103218665673,-0.243529204654018,0.988340719011615,0.0531279555052873 +-0.719124934258425,0.241244585304064,0.593360808719371,-0.552223728213919,-0.0450605015930287 +0.940509519826436,0.525269693403384,0.812343894994161,0.211893854112598,1.01864420371045 +-1.87115759094389,-0.112033700022823,0.839471731307832,-1.67791580864399,-0.642995357350439 +1.1470027171805,1.13519333150451,-1.75075730689544,-0.299299735400881,0.764783445246715 +-0.502991094870725,1.42726055739167,-0.0971302372721825,-0.750500779086421,-0.160101280000656 +1.42589836833203,-0.21418059999729,1.4342330833554,1.18851678846658,-0.9825975312656 +-0.0193399555708498,1.35947220174966,-0.819162779350293,0.564488158080227,1.572908902371 +-0.638073726419699,-0.952310399657322,-1.11059847927345,0.688092440251713,0.328737671676043 +0.498271000392072,-0.698009366963202,0.963747502041336,0.127382762096654,-0.352232697356786 +-0.0582467351906532,1.69400611471811,-0.560521970503415,-0.854676604688039,1.81642489595666 +-0.626216777775201,-0.459360506157506,0.658327211387355,-1.05546828096314,-2.21563194530048 +-0.89462076076131,-0.571059541328737,-1.29834117915758,1.53619212883894,0.209557038489509 +2.4100602149449,1.06059230428065,-0.357320189237022,-0.186889543729788,-0.497911609885503 +-0.949647250572148,1.71849097275883,1.49604351257606,0.253993954521938,-0.841921403005316 +0.559151500570031,0.950438194837504,1.02646947710406,0.679878861627742,1.62980252122261 +-0.211414689679582,-2.41539950360066,0.983091976873887,-1.61380483261684,-1.93713305195012 +-1.01785480180753,0.961551517149607,-0.976479144388053,-0.521101370871213,-1.87695374466626 +-1.39019098922727,0.492719845236524,-0.0187941213525097,-1.45889122660171,-0.520847352572893 +-1.48862930913481,0.520650995971865,0.754441353799153,1.10252723182351,-0.859951801250996 +-1.40604463352557,0.544025391969636,-0.370386832272833,2.32996249649179,-1.01488302931244 +-1.49623548221371,-1.58599968311844,-1.37601549304909,0.248673097542171,-1.52930328923645 +0.686145924102054,-0.0338261554036658,0.231531977540471,1.98658875667703,1.06774944690158 +-0.236761630680826,0.89549324466631,-0.0664472343504309,-0.143202092570542,-1.03608060844293 +1.99914242920796,-1.18252650025421,-1.00822211311344,-0.906622983812567,-0.67439359746298 +0.633238682895559,-1.70514149722122,-0.958848120936173,-0.271310316850924,0.153099757501382 +1.64819754690779,-0.245328373026434,-0.958188137426333,0.241940530517147,1.61087239543996 +0.502718643389684,-0.095056536524582,1.04776175124326,0.316652734242645,0.0136240163096699 +0.845467412356198,-0.492548596551827,-0.0242886067821115,-0.906509099467711,0.561231734686856 +0.467247395729231,-0.450143474758941,-0.477874992520289,-1.18187094693756,-0.489120339860664 +-0.402055063696625,-0.231013246741939,-0.0297174745981622,-0.424373610379607,-1.26705578281179 +0.923526703253396,0.34532113400641,0.20966546035865,-1.074197425013,0.398503508415798 +-0.0080556407117813,-1.19157281055891,0.959507574942317,-0.210957753289299,-1.57929476274686 +1.03378423761425,-0.331344898682964,0.436603624808081,-0.763843618839267,1.83026812812995 +-0.799126981726699,0.500743059963784,0.499366563718213,0.558531363330779,-0.00281842236504992 +1.00423302095334,-0.173476624504503,0.89397983011193,0.0781766318613924,-1.13498433957374 +-0.311973356192691,0.257239540889863,0.257387061131511,-0.363585584306684,2.25565378046937 +-1.04276997874268,-0.757521755938854,2.58265603839342,-5.06210420705358,-0.402415990545744 +-2.26199924982467,-1.35807124765591,3.3924346139686,-9.61168107590233,-0.201572791149587 +1.90597088612963,-2.65676180036117,3.32458798635137,-2.64814374444966,-0.882356709906301 +0.611047024557599,-0.0383188706178788,3.80675657494302,6.72267856731156,0.113530063556997 +-0.065720994731979,-0.31876030601462,1.60687846543167,6.94644783772298,-0.045356915426695 +0.81950427839154,0.654209748397095,1.6857043223023,0.986650829568183,-0.25072762785891 +0.0629741797512918,-0.684823762743462,0.971092397164365,-2.05335577884109,-1.33474671785502 +-1.54186642648629,1.96884629336069,-1.51545873273556,-15.7850108792091,-2.87797196221058 +-2.49830230114816,0.681396682696199,0.797544576513071,-2.4644451555369,-0.00229617441869512 +-0.244854942574513,0.227225131384557,-4.04358763686053,20.0545874056147,-1.78010516141233 +-0.368069296950671,-1.27236578328438,-1.12678421069819,13.1900291478501,0.536323506082883 +-1.24527105436478,-0.444825073952856,-2.77205925499954,7.83980621361243,-0.698618248367099 +0.4909647841249,-1.6854863051738,1.53775281781999,-8.0378171224262,-0.19595021834368 +-0.371205262703037,-0.655485613050136,3.81612885812019,3.13906167121206,-0.65952948497005 +0.971458845343518,0.336432062988783,0.862349018942579,-1.44090699242158,1.77596173338701 +1.5194948318188,1.6105759318467,0.257584550473154,5.91232671305862,0.762554900265806 +-0.735587665221661,-0.208708199648864,0.39570170736386,-16.373250592299,-0.23090000141827 +-1.02982247885938,1.77125225949666,0.319294697256081,-2.24309061807318,-0.432673858674581 +0.168694223496652,2.01639537575498,2.68034030262745,9.19988545255604,0.93916601442629 +1.67708137330883,1.24064028253297,-5.96520832436892,9.35786194557928,1.146098606647 +-2.04135357278984,0.0651127284100891,1.60032015694223,11.8458529524309,-0.0894905114364686 +-0.985409732621573,1.21577313683775,4.07806208676415,2.75134313463,-0.326674706014106 +-0.842256603020379,-2.02934324757755,3.00846483845888,-7.19312337905404,0.0455683025000073 +0.441067793639661,0.173807033617561,-1.7128384374909,2.97489368766093,0.665284571351398 +2.8045635740199,-0.824049032852251,5.19132034312088,5.37645588559315,1.98341871021767 +-0.545906150673739,-1.7650605170925,1.01804808423978,7.73260421171366,-2.18357344381421 +-0.501881197709007,1.0186242206702,1.34783364355326,-1.98326254846619,0.0955022836892973 +-2.00410471307579,0.314116571328548,0.580716195922427,-16.6792477350732,-0.95062444840654 +-1.22557432034881,-0.840447705170132,-2.57456323735265,6.26422092938925,-2.40751829654576 +0.904603188036813,-0.0187984119635091,2.42078096752479,-11.9567056497051,-0.352766894121149 +-0.877050248596606,-1.04704516697303,-0.570822904103815,-10.0039311030796,-1.60383756357053 +-0.572451738858718,-2.29178451900927,-0.668975230127429,-4.02453024800807,-0.39207467226362 +-0.415436558873099,0.907148954072027,-2.5788209789181,-0.173202375166749,0.0168696068605598 +-0.0733116818832337,-0.423730569577001,5.12170208621472,-1.07796425300938,-0.0711411952232711 +1.90587011635991,-1.70536875232139,-5.13615826010253,2.74167121969864,0.911205024625122 +1.46647006676592,-0.956494910317231,-1.60312527301204,-15.4033962474015,2.04247246485917 +2.36359339331251,0.755267026762348,-1.18038476130218,-0.21316869874345,1.17399858277715 +-2.18217446344223,-0.337378283389538,1.31818543685926,6.31294780700092,-0.0250434877749335 +-0.544495731604054,1.95898651335592,-2.9776614025795,-6.23085092791275,0.0903411035280979 +1.2274647306418,-0.183436945550005,-2.77590445575687,-12.1780562700467,0.622633312057657 +-0.357538558879493,1.84982777375737,-2.31878364994228,-4.48410914473444,1.26141806717394 +0.374299114163052,0.508222968232499,-0.871015908932551,5.27177765553734,-0.815266012221418 +-0.763410603498727,-0.903496137747351,-1.00858066356275,1.19103275054628,-0.898198682219413 +-2.19921938097828,-1.97135947288165,-2.42593722755658,-3.23408352320344,-1.15653134770832 +-1.42032430804784,-0.634539195958657,0.607379205631436,-5.84922174110593,-1.0402726434118 +2.23258440463299,1.44781178337933,-1.21130153319888,-1.10619375831266,0.119857947915858 +-0.307818874815597,0.256571539082628,1.31080922451095,-6.92357525376564,-0.192131154453936 +2.10399427695542,-0.253953814586221,0.854404318306705,-5.03991012269053,0.857064033484834 +1.0205894751083,-1.36407171395677,-0.276991764341533,8.76976858263493,-0.799521479033229 +0.82675692883592,2.24921248690228,0.637411256792444,10.5808332627297,-0.781221961617588 +1.91047957013983,-0.854972344044463,-1.8016159197732,24.0754904853942,-0.822732419027817 +-1.87120751488225,1.08147372002892,-1.43584146336563,13.2262639358232,-0.949331417111485 +-0.71780265579072,0.987261743544297,0.859065856434407,4.84746214615892,-2.22714093209497 +-0.368651259969965,0.426315951438738,1.00786101888113,-7.2237603314069,-0.0765910520070908 +-1.08510939298401,1.64980005107181,1.96123080900306,24.9791315950893,0.212091967100532 +-0.301811660835105,-0.779785655664245,-0.373491305914419,-3.66524900987334,0.184159145522 +-2.45098380868124,1.71244780309207,2.58196059409373,5.66670367618926,0.749091738596593 +-1.66762547691578,1.50577878682634,0.644195872964242,-9.05620530447502,0.919999392960816 +0.71873204143727,0.35983050611926,-1.08849706781567,-5.47033519928062,0.650254774204682 +0.284207814873634,3.66738055896468,-1.08600663379507,11.3677484768732,1.66562647789096 +1.53443097274641,0.125519547630988,2.27728916868473,-4.69130986520465,-1.09807831762331 +-0.393654032880238,-0.373362886269706,-1.67921879120066,7.65404727671646,-0.237159832356489 +-0.452504481486927,0.339973461809904,1.13553182203701,9.69281541413969,-2.37906731137671 +-0.495606582352867,-1.83614021782504,2.49835989482725,-6.59590115815655,-1.12021589423962 +-1.12773744112916,-1.46428563654542,-2.56008839751614,8.81493700239422,1.92355062721542 +0.293145775781483,-1.12504166243191,2.9073454826425,-4.5032952793661,-0.502165138155621 +-1.387237590464,0.168450774651873,3.085821909117,-7.3007906257939,0.559771184965085 +0.583185735080595,-1.26820136206395,0.826288521375327,18.360364661271,1.04931144420301 +-0.209112229563333,-0.567993796370941,-1.31916867640271,-7.27603052705924,-1.28013105510002 +0.911662436033569,-0.0235940120173668,1.26844817328936,-8.56145957537344,0.918849337059683 +1.46851168017599,1.3801196971603,-3.47437312755076,-14.8355847202497,0.0450701560016733 +-0.48977999486454,0.299426738144344,-0.168123405280846,0.576458006564137,0.0826891059535672 +-0.505667406552987,0.871171132415971,-4.02946699074841,6.1626590585326,-0.992005648065603 +-0.0547482144441909,-1.5121516224961,-0.0708719305794039,1.43124041171509,0.167514009727647 +-0.774992730493897,-1.26473657470923,-3.57164715886894,5.80412825807737,-2.04494050906187 +1.8858289743265,-0.482678833493069,1.15017251667932,-12.8479005588553,-2.26412381937707 +-0.0749256130378213,-0.550120819800846,-6.20707008182038,-0.484306218013268,1.44571882159746 +1.02238650056585,-0.298646828330641,0.361526354161725,6.05719062898572,0.261982822960136 +0.445250551714695,1.12859849760535,-2.67159450797134,-4.69493677106991,0.361916756181532 +1.66590059507901,1.8338171876256,-3.15173607608841,-6.78825318210504,0.617505396871161 +-0.245970691759897,0.344633136468991,-3.34286043557511,-20.5459456422447,0.784892243740128 +-3.15136919179912,-0.0499828292971934,0.179322125491237,-14.7675295783965,-2.4445060426573 +0.716848619287809,-0.0408394146907718,-0.564216078615984,3.09714346960731,-0.988437445499518 +-1.21632844317967,-0.813417778969562,2.92492443011436,-4.32434367634845,-1.60392241716422 +0.585301769264996,1.15304222051383,4.921186353673,-7.13077211330283,1.4293162830285 +-1.14602061304239,-0.201127010310552,-3.35164772949862,12.3940264117793,-0.776636158323751 +-0.11116911969628,0.96763446859189,-4.06869616212321,11.4975305307692,-1.58609685245521 +-0.651887982481873,-2.45688423121,2.39452999943385,-8.31853851500208,-2.1150853695076 +-0.289195765447976,-0.774197786476779,0.689133769414414,-1.09980472433972,0.329915099095988 +-0.770514128376737,1.37649545127776,4.62641625442019,-4.76394770380758,0.103255400467503 +-1.15768555216593,-1.01096331502525,-3.32801247255356,8.2498134637922,-1.67512168402901 +0.231121028518267,1.19557285516288,-0.598975101669319,5.72174452396386,-0.298249171897937 +-1.4315383516542,-2.1385167796594,0.0525083907869787,1.35364154559002,0.255502552492129 +-0.335422085143549,-0.988483911217778,3.60318197998365,8.47697164996871,-1.12618000294822 +-0.353430013166948,-0.618284584696478,-3.91193802056581,-1.58476640119195,0.00593816053479668 +-0.751491956723511,-1.87344632705013,0.672434254490234,-15.1575740253181,-0.942225308735721 +2.05088338758605,0.253526237590364,-0.998262335635978,14.3702411326473,2.31339054187566 +-2.1998033420002,-0.691183254457484,0.338044121832298,4.15040839381351,-0.159824269967693 +0.0366961204878405,-0.689387639843216,-3.51998238971803,6.86160465914032,1.91686372652901 +-1.42281612044009,-0.350924846518115,0.799325835660479,3.44773264554056,0.496106809821542 +-1.5780717968763,1.43059293118273,1.61995264826183,-3.58638853016391,-0.82983058214807 +-0.0537856410728589,2.47488110794245,-4.15811485132729,-9.19196405930626,0.0436632458090385 +2.57470238308548,-0.325297223100339,-0.48994090655384,-13.5329416756944,0.117255211259488 +1.67344072261119,-0.0971623774613249,1.00044488917767,3.67740471571778,-0.354569920443686 +0.215634578908672,-0.318598202184464,3.43634335721052,-1.38527232310214,1.13232408804229 +-0.768333894463802,0.796693055026044,-1.82977814323692,5.02927744295616,0.604558973880185 +2.40356658719623,1.16957325745085,1.57161009478488,1.37613781026532,1.64876643517911 +-0.275935781382854,4.4366716577852,-0.805188721389424,7.50285442501758,0.832046433939716 +-1.04897750928115,-0.951264239470517,0.838737376423065,-2.95778366266493,0.24770535434322 +-1.59739315462653,-3.09792624197115,-0.839763073642415,-1.33352816508737,-1.20154014754487 +-0.687250620830261,-1.47893166544613,-4.59510075881446,-4.38395892191648,-0.35162578578782 +1.96291860695881,-0.760690731923595,-1.27180244220144,2.21467048863481,1.91675367821783 +1.27764047380013,1.72530260932715,1.52578696006032,5.27546500745839,-1.01793818274011 +0.656067342337538,0.710203579180693,-5.7431824712932,19.499517408982,0.516865057694367 +-1.92613092835981,0.300198914809883,0.164110657017084,4.73144164703005,-0.0463850919927257 +-0.319530370565528,-0.836355524368599,2.37435277106642,-12.3892758365073,-1.50812907314543 +1.28476588338705,1.66233789680686,-6.67670553108805,13.7810254210413,-0.429310385683187 +-0.369206831315076,-1.49147335443767,-1.20947163722529,7.33413525307589,-0.464713046972219 +-0.802566583041596,-0.624447602833674,7.35139508677612,2.6522560886978,-0.311335070103194 +0.0612855631126105,3.16565731010123,-3.80440116473276,-22.0751199683598,-1.14048323930179 +-0.83465937908094,-0.904703927132226,-0.98070576143979,-0.910212245933131,-0.393068085756897 +-0.417400388738587,-1.02148535778613,-2.0698633292078,14.1607547282453,-2.14226335519298 +2.81833779326501,-0.260518163995557,-3.73665069798282,0.739026996442282,0.886103595464318 +0.64839687294177,0.0646851912257046,-3.00329672213738,-7.4547064887141,-0.564427146552441 +1.46949957756819,-0.990466626315667,-0.314616387851678,3.69929752225193,-0.466158862964582 +0.0582136364631712,-1.14438588918053,-2.46675334692763,5.26757234762861,-0.80547904474914 +-0.536063703309839,-0.986436788102177,-3.55858137949698,-2.54117706078512,-0.249690834492176 +0.774166494121461,2.85265024444522,1.23759034712976,20.2259926129288,1.7746079730863 +-1.74801280463553,-0.39674568901254,-1.29419031129757,23.2928869124888,-0.730741589300997 +1.72885206536852,2.09315931642889,0.890901990039312,-7.62802954770434,1.60611071112899 +-0.260955814102031,2.79469718072165,-1.78949716110722,10.602882595278,-0.96322094595236 +-3.55647298144228,0.767310087743951,0.631441401936698,-0.624179388757526,-0.882126085350244 +-1.02270175635068,0.111697979999286,0.263080324719344,-9.89060397805851,-1.03547447431209 +-0.487043829924745,0.288393683375466,-2.12675074407123,8.74785506175405,-0.349353359500103 +2.3407978992783,0.168576429012162,1.17567285398962,-10.6392846458179,-0.610616612991642 +-0.0929506254346726,1.00712143887498,-1.91122662392382,-7.56608406800844,-0.116383464480999 +-1.74608475239261,-0.026230807945225,2.61885578341902,11.5461038767768,-0.818411547707796 +-0.337573390567271,0.715561185954297,2.91169472488972,6.4251106616949,1.01217539409403 +-1.06027306448514,-1.55271934880256,4.57110825306712,4.92980169207688,-0.994040060438278 +-1.85221301002212,-2.12673390731366,-1.1248010253943,-6.4440359298061,-2.04770027054249 +-0.78643465894453,0.240579839105936,-0.507448288091037,7.9106831496697,0.438352498892045 +-2.18422788077808,1.25436058393802,6.65552942734041,6.35266341518363,-0.249080009894999 +3.15828646811889,0.789650091294012,-2.63812219599742,2.63514358617763,2.50643055019974 +0.327424790742181,-0.908065950365743,1.903719379066,1.4122743034952,0.432275175631196 +0.735546054150583,-2.75043795601875,3.1459901569821,-7.27567271321787,-1.14765484514478 +-1.35493969139785,-1.85086040288336,-0.520303792259034,-5.19539939276323,-0.650561109382776 +1.52466693314412,-2.28123062867408,-1.94874510566468,15.267828857173,-0.276659908669833 +0.614410824188789,1.88967004836842,2.11989462526774,7.20358995351565,2.72710294986985 +-1.10452180089474,0.639124829320712,1.60553892570002,-10.0629375759138,-0.349799358155075 +-0.126779733589718,-0.243741791900198,1.59403200157044,3.37973621214268,0.815758130358579 +-0.470263425432481,-1.48027120906733,6.08235371447936,-10.9218868718853,-0.850899032083183 +1.51411632395141,-0.516415487347077,1.63690965855671,4.26434830108933,1.31868766760234 +-0.192572869190381,0.106201847661053,2.49691807662387,-10.5692001808368,-0.247355684559836 +1.27703619417729,-1.24398934404439,-2.36472155222459,-11.7866775653875,1.12853439468386 +0.858824350460558,1.27890768458392,-4.35853384295836,-8.30053431540315,1.7971308269348 +-0.352052670237741,-0.987599668611361,-0.0445662682279081,4.78908935511211,0.367425603954478 +-0.0587413601347396,-0.818557027114095,4.83156985893253,1.12561235078748,0.576522583896237 +-1.01483495666885,1.27008774479891,-2.86745103248299,6.23822662970164,1.7572083893399 +-0.586015584315052,-0.414101973322711,1.38484951313614,2.23798339107522,-1.34623009815962 +-1.64263645054023,-1.73281093884309,-1.35573258278331,-1.5809428880805,-2.83711025915094 +-0.499382746017503,0.375666500605173,1.09127986443892,5.57174099060975,0.208243585637291 +-0.429378470759059,-0.811796929065908,1.59937311352707,9.47733989087171,-1.64739222286139 +-0.256624850724065,-0.3165043306006,3.30768343367754,1.93688412962217,-0.908092719233929 +2.94109375413491,-1.30282171807778,-2.40831623285596,2.89110122439799,0.246531929207013 +0.170832302488595,0.241574681365683,1.89058915817453,-11.4606470756619,-1.03693921349057 +-1.73899428556334,-2.72874468025123,-4.35558758539418,-3.31911973429305,-1.53397921665919 +1.09348040892846,-2.28410810533871,-2.05965609945556,10.9723344811238,-0.398596391435125 +-0.338926178523999,1.686468535864,-3.5695996550594,12.5616153178894,-1.06380931001477 +1.65846862694302,0.809038249224486,2.84297863856585,15.586086003043,0.32829421347283 +0.0632710982609398,-0.156623293327365,3.33597246957155,-4.84350620554794,-2.26337732500498 +1.89075211426419,0.32234854233426,-3.16648780969508,-9.08184467349879,1.10096544040363 +-0.0202718904335554,-0.39107872210781,2.24342522441389,16.8926594184544,0.913639054786092 +-0.638546494365946,1.8099160837381,2.71686370968414,-11.1756522917612,-1.00818243478009 +2.3284119710916,-0.0820923172768416,1.34818607889982,-4.20499790941268,1.91801864507952 +-1.60756296404028,-0.302240871064471,-0.881467219307682,6.4685520533636,0.232702957986629 +0.499993654724891,1.39672830352687,-5.73982797429106,5.99378951525093,-1.0859485069302 +-1.14886442920202,1.31688691219177,-3.48719572203363,-0.68890113926961,-2.37553047466239 +1.4038206167352,-0.118715980401381,3.38004051828562,-1.34550617181163,1.3606693943853 +0.518895987598276,0.853596545944267,-0.922886523650685,2.81543713631637,0.210359721284929 +-0.504937383460895,-0.187352389133093,-3.55184529767513,-10.2447329868091,0.971022041937653 +-0.44441363539482,0.464820940776818,2.09566035170338,-18.1409143219826,1.20595665525692 +1.04577122830185,-0.851877701458264,-2.65097252749884,-2.07123198828376,0.133139275326058 +-1.25323807427485,0.336521401274962,-2.40805126410958,-9.36070223660449,-1.59951462776278 +-0.914648139908607,-0.747123072522664,-0.739004046828148,13.3613331439633,0.461144207120836 +0.479949341871637,-0.2082749422528,-5.4535064668501,15.9207854192517,-0.222459373519943 +0.882876649643354,-0.558904981973357,-1.01419409950211,8.96674302010818,-0.78369753761226 +-2.01811731489791,2.80817758604445,6.01764619788798,-11.2366306419598,-0.449299656172205 +0.226234282619972,0.166799812720144,-1.94677262950072,-19.3816393943708,0.521377597144471 +-1.36706100619095,-0.472626630986395,-2.8224705977123,-11.9840019182808,-1.49671181026217 +-0.755267139838863,1.46948942591954,3.50987873376278,9.59801319264198,-1.11721435054166 +1.54440311898471,-0.0676412038485793,0.762451571858235,-14.6458356424241,-1.20824373606154 +1.17855490789263,0.284470073591795,1.57861888703866,-7.42688556248743,0.269613751025676 +-0.227732456194385,-0.822998579291572,-1.9788496491801,5.30248279167154,-0.0539546833859596 +-1.09810892955303,0.0130509619968054,0.791266671554123,-6.04085399198049,0.23748580662457 +0.36517788212146,2.84996746675918,-2.96569578332467,-1.45894470810371,-0.512801330937753 +1.86316213074164,0.073113214160282,2.3219806187227,23.2330113841652,1.35908398185678 +1.06630434797008,-1.77123489298707,-2.0372658009859,6.86526919684748,1.1250190924844 +0.472041863155932,2.69351774745766,-4.27466828116113,1.63534184076205,-0.0881965631967982 +0.0890764051552152,2.84903539658037,-2.98928198087415,14.9272283649923,0.152262040632557 +1.24674605232648,-0.567783079153058,-5.16501954649262,-5.16677195892348,2.39640186529406 +1.07900006214451,-1.50042499476233,0.826389923265014,-1.76957012357121,-1.79967407634791 +0.952306115334605,0.175467670255048,2.01000336432386,0.321199104434582,0.0370528530187553 +-0.837396259804064,-0.648457334111042,0.979825761848457,-2.05500877582415,0.225523090050875 +-3.16494949193463,0.413312822147701,0.537789349128859,-12.0126585416537,-0.940134531795118 +-0.667268398465081,0.134273719548226,-3.19836653285061,1.53971449038789,0.190882093669598 +1.5288226292577,1.85060813293092,-3.8078527427773,6.36536495571378,2.1888022664104 +-0.223924169404433,0.0117414152336316,2.8566919117403,-0.695996906273233,-0.953029241510863 +-0.750818663518867,-0.199762701616519,-0.129432452047416,-7.42733555185277,0.51348993198541 +-2.39512294767742,0.876086981887078,2.05960719538792,-22.8340921835451,0.0452651413443088 +-0.711190704879179,0.838430747291474,-0.265906215307046,-4.06759045705634,2.78572821021157 +-0.950998533219665,-0.0645457557922375,-7.53487865369098,-14.7736831912737,-1.05793669403148 +-0.714022916114392,3.41064884934058,0.897093532895291,3.66607283729166,2.58968066267158 +0.102269312549408,-0.932865127863618,8.89616026922065,25.4078081309138,0.242293832279582 +-0.275707298631858,-1.25748757350958,-0.493447224297462,5.48873505943782,-1.7972103676579 +1.48566919842373,-1.71434919553863,0.918973020303192,3.55722846267829,-1.99368617956448 +-1.84018785286517,-1.60472699792017,-0.997811102409285,-8.62835793068575,-1.09906561087205 +-1.75743158242181,-1.20067779254254,1.30023819883835,8.14818513270021,0.18499278148077 +-1.29104529738824,-0.739882146533594,0.517345559935837,-7.66015832308177,0.130097808981682 +-0.0342511505660374,0.336829899260633,-2.22833896756938,7.08322633610142,-1.47428457290932 +2.55786767246591,-0.247779542051175,-4.07835882688331,3.19854208512013,1.44889455923001 +1.61188679122183,0.66447447400637,-2.45865798960419,-17.6562034018206,1.46726709574124 +-0.445256648374616,-1.99130364937699,3.10000263988141,4.27147815775319,0.0908263306879713 +-0.916382280764876,-2.90101371752984,8.94280655623852,19.3130362852089,-0.0211942713393065 +1.48750307353038,-1.05628786958717,0.258048791547641,21.2579355531455,0.205245720509349 +0.362452160239721,0.453700785701181,-4.00918831487005,19.0450188437862,-2.39112898471302 +-0.492468771747669,0.341661913578003,0.53747834665294,-2.43419546947462,1.08422051682408 +-0.0442960393171874,-0.0774251281625503,3.82905537870393,-6.04938962998712,0.0688112468583954 +1.39714481761448,0.922854057381449,3.3983855070989,3.56187638632593,1.52548205028582 +-0.124331910757036,0.830011522896639,-0.0512257243991283,-14.9833684014109,1.1020346050428 +0.238221718941904,-1.27038163023497,0.962896562917921,-7.84358721920174,-0.742939932430954 +0.918339907364734,-1.32947377737622,4.95633128521616,-33.190068865492,-1.80828373210261 +-0.637962040403943,-2.06036270931371,-2.27388919603988,-5.0107902563382,0.261734877838491 +-2.38470673374847,-0.0337998673844199,4.2397151524763,1.69084419294455,-0.594255049750559 +-0.0255023584766279,1.19253272530634,-1.47435178059984,-5.4736384036119,2.62862592131025 +1.43831202775183,0.666722994523369,-0.779500459422934,-11.290469954328,1.70747353231832 +-0.204378577364263,0.170882483691435,-3.53644805891765,-5.30346197111181,0.420573832522128 +0.781372618415418,0.785148168838513,0.118607288420487,-3.9578836951876,0.858476668304666 +-0.644664552608667,1.51594840010186,1.95609524428214,3.97095101042528,0.951983769588961 +-1.07959310291973,0.69352958297725,1.15800476264912,-7.85223399277995,-1.90789725061352 +0.514360966057686,-1.65060170243546,-1.9984039442796,-4.40209346245281,-0.562043593380386 +-0.453008911110196,-0.884452425738168,2.66640682572685,10.7678831660116,0.112796733002332 +0.991258916241507,-0.118067204080982,-1.33125283659117,3.40304220653194,-0.479741480554422 +1.12145489720987,-0.766802982457826,-0.374901274489157,25.3076303635834,-0.33327684886321 +-0.483207955922203,-0.920900251238859,5.80418185642548,-2.98094118016262,-0.265014119884042 +0.118625395027941,-1.50251864663794,3.13168166824378,10.9631049354499,-0.996476406312799 +1.08349246049261,-0.209708182093139,0.209707972083207,1.74878185588412,-0.741272342713609 +1.71756788734856,-0.482995046360198,-1.11445233239036,16.8419426164014,-0.331381864114374 +-0.466981520673507,-2.12213613990307,3.46526471955826,1.17377259260063,-0.731702293805702 +-0.568465327057827,2.8164126936124,-1.05443724140583,18.5464536930572,-0.418083643570159 +-0.37210852809733,0.715273803120371,1.75039318659772,-6.99562911408807,0.858849563429325 +1.42386320751547,-0.360983812129449,-1.58417565926315,4.3427628580695,0.89145114297135 +-0.886064415352194,2.70726954520818,-4.74602037970944,-7.95592199422074,1.96719648242613 +-0.764020432914242,1.80277594999151,1.39895627976285,-23.5414703368819,1.2113435019178 +-0.299180282337396,-0.497684610270334,0.788390159987906,-11.6428927724829,0.489502981609732 +-1.52549330106107,-0.0911105724955634,4.12466033444239,4.11022469500628,0.735692405658397 +-0.499712094631544,0.168194777236849,3.65943953108613,-4.88160495662267,-0.42673489128193 +-0.469703555159518,0.211929965090889,-4.16791004981514,0.404183361928821,-0.873802391166717 +0.0704573569090653,-0.873975323513909,2.35881488046382,10.0715188182434,1.25684209753503 +0.800982648836739,-1.97022168559125,-0.840180662290481,6.12215217149309,-0.995148793273024 +1.84680546404447,-1.04389500288159,0.820945427363712,14.7791099380502,0.360131524312037 +0.95470189850727,-1.01498418548829,1.04185555566021,-4.15051456869967,1.401185745835 +-1.49595514059352,-0.11180691965729,-3.73116549758554,-10.5541519758973,-0.892057825452244 +1.77061623216108,-0.674844589562437,-0.997148418485916,-7.11510276322743,0.426780806980616 +0.949616110073576,-0.364844579650366,-3.65185241108638,1.03860919431445,0.742816694086528 +0.0759904851405523,-1.54618882650634,-2.00786412089092,19.2500355002421,0.223646803975444 +1.58160527557983,1.33156241041971,1.78161872194146,-4.80695483495864,1.28441889011248 +0.637674200160692,0.814837636528658,4.76398185322334,-20.8208282224178,-0.692959184851647 +-0.181294898787914,-1.282755656123,1.33478994348835,0.0866802263861073,0.940423737732766 +-0.6852544696121,-0.983405885707722,0.672038804024324,-3.60552603422659,-1.98052589886306 +1.04328662501666,-3.74587431842939,-2.22644834538171,7.50392875078981,-1.13301664066922 +-2.60196262859141,-1.18908551280292,-4.75032116479167,-4.5331509046224,-3.12186434997026 +-0.182263640644457,-0.93260128437134,2.67424548793088,2.87603686736583,-0.702225413255524 +-1.32632242586622,1.78306920672483,-3.44366753611236,4.46089538664259,-0.0563275281836582 +-2.37715779985703,3.29973149825447,-5.26539532987075,12.4793799005746,1.18674754658916 +0.261974681745803,1.42332181728435,5.70172353195809,-0.413352279954962,0.295706050796419 +-0.150509054154977,0.899631498946455,-0.865808610791602,-5.04434377504612,0.18054250290579 +-2.38178016578336,-0.512157829584219,2.04727276001323,-13.7632410877698,1.92289390389913 +-0.329110055139773,-2.25243841239187,0.595799406791796,-3.17821521510358,-0.600692157588969 +0.494974022006879,-0.815370370815162,0.411556632925481,11.5216447203828,2.07266132791366 +0.756510100592127,-2.33913286621225,3.50546846798743,1.98132626402148,0.922083710818584 +0.346411117541543,0.577748222143399,2.22161374928911,-12.4875910476874,1.85371980715404 +0.846244721486525,-0.441246595489571,-1.63984960777335,-0.279631629301277,-0.515457775082392 +0.22652848292419,-0.0230525976589558,-0.459776073561313,4.1789700708762,0.141216023258296 +0.432381877399214,-1.1837321341622,4.34422721546145,8.05164515005386,-0.761820309831861 +-0.133441343456008,-2.46474302943762,2.22679852169835,-8.59704464812114,0.138284522485402 +-1.21980387995388,2.73268993087054,-2.23033879622678,-11.8791264285062,0.100246778039855 +0.297234785801358,0.193081609336994,-3.22212448444664,8.57437477042017,-1.50516982777894 +1.08559851135182,-0.84144946096978,7.39824219225384,5.56272191730244,0.298440833524227 +2.67701406938177,1.16902551922292,-0.928862686515007,-10.4537865493067,2.94198881562876 +-0.519459691984258,1.342766532607,-2.14464894453072,-0.850837328281788,-0.110714736209082 +0.0138291176289038,-1.50627086512912,4.94551725959943,-7.30589793974235,-1.58088996248516 +-2.50292339430434,-1.30130389482047,-1.64399122560992,2.64105806672542,-1.64861839488287 +-0.93211496421122,0.121990393007661,1.5871642128502,-6.93382588749269,-0.669940509797646 +1.5166071593757,2.0799458959299,0.705968640305106,-4.38600416999786,0.721001202211048 +-0.299288631048054,1.04307085926826,-1.73293849442267,-16.7174960332666,-0.0109655068179464 +0.669432087141247,1.41552406424569,-3.9844291633533,2.18938301954351,-0.668175400012405 +0.785417245697515,-0.654579441807055,-0.622173329530474,3.40624218802614,-0.149606108843304 +-1.11746337069425,-2.11527946217238,-3.60037643809857,-7.76595452558459,-0.770782506041556 +0.018249715650387,1.30019887455419,-2.64649362780782,15.3335673031521,-0.335840114082072 +0.27363078858579,0.680762084956387,-2.67709854887373,-16.6133999829954,-1.32756726501103 +-0.366777917177194,0.075390357344307,1.11739867302106,1.55392759949622,1.78560094012297 +0.242113683766598,0.694544954257595,-0.848298179015575,8.99468589395239,1.42493618914074 +-0.769574282903876,0.651771571445418,-2.77625053291077,-2.84310885026238,-0.0495421657739874 +-1.35708748817825,-1.15239949700625,-7.07335599233723,4.95243245731643,-0.649056444360438 +0.620721042429224,0.569665555473009,4.69545954451456,17.0845999724013,0.486959142629943 +1.64028401536122,1.35742051863836,-1.32570088158242,-6.52270502303023,0.0844072134370797 +0.213732415222862,0.354422134264211,2.2819509989639,-3.31113896255427,-0.825637793335195 +-0.0815500558468339,3.13898172954985,3.92899873901891,-8.80079876149897,0.91426032721133 +-0.34650996843772,1.49963123245305,0.99773049639848,5.59455079137825,1.37168032863523 +1.66394975187198,0.153329128657122,-3.60493003388659,0.798212047389634,-0.261372211470132 +1.29441420304823,-2.08902550778692,-3.44534891238224,12.5325943646466,-0.450896084470486 +1.6526305546517,-1.92527265009418,-2.73870886529899,-4.80304180662838,0.0656896730394344 +0.73326630517363,0.534745913702797,0.89586067488756,-5.55828447872645,0.712919521681215 +0.32236028015606,-0.0807148391902484,3.89005683901336,16.2194389366332,0.488620592290904 +0.587954495978204,0.383746126464387,-3.27175700995054,-4.315809967527,-1.41390303172376 +0.309885145467557,1.49949961980667,-1.7388531260382,-8.04984705684822,0.749943740022433 +-1.41223031793478,-1.50975569245018,-0.376225080677182,10.971686906235,0.480028707281544 +2.53209350543398,0.384438721199505,-4.5892917349672,0.684701892643106,1.66119579759674 +-1.34792289198445,1.30337402436153,-0.921511232258942,-1.37993855078256,1.03040973781364 +1.12061869140526,-0.377861336416253,6.29798363817794,-1.29866289657826,2.73068743734884 +-1.45436447514493,1.35069282304674,3.53205769232702,-1.22348705470127,1.63882035982867 +-1.0518270967996,-2.60349914043725,2.14047292856931,-0.712707790972894,-2.11846397991231 +-0.834205763198064,-0.688090336966369,1.47887725052252,-13.02114278555,-0.567042738928048 +-1.40933410744186,1.39631594182508,2.05331964491153,1.64040298621132,0.802399239064198 +-0.0824782925870066,-0.843199809311797,3.42662201239058,-8.14092962918362,-1.06215046640724 +-0.99932445841666,0.519328928426245,-9.21886275916515,-3.89392411142744,0.00704910053314944 +0.184587798546081,1.6789429883096,1.86141717213,10.0020882478123,1.65062901794931 +2.3739783270243,-2.17285760676922,2.61075386057773,-13.8102664354724,-0.0704966324718937 +0.867956667197269,0.512254288849939,2.31592948812179,-7.10760060485954,0.242312638516039 +-1.9905651238224,-2.55869937597732,-0.580326352391596,-1.05135296548738,-3.74345995733464 +0.562149470826212,-2.35506817986899,4.23127575752308,5.65330698439468,-0.655444806008839 +0.0878820959530912,-0.840097755548434,-2.91916370094922,-2.84671192382404,2.16115738629349 +2.28574173139359,-1.06883466074505,-0.763249836001424,-7.83254367662872,-0.468379135030792 +0.594428451590171,-0.345438186530708,-3.64255118862011,18.4455649909893,0.848242896458766 +-0.304142751703294,-0.62131049627498,2.35943879040184,8.31505127411124,-0.130492221362337 +-1.48560406330139,1.08056944073761,-4.91998952821582,-1.29248561579084,-0.960590909351682 +0.0550593610311819,0.540188408564151,-7.01232011571849,-0.460670864348684,1.04852582805963 +1.40028930804956,1.0501905953229,-1.59824212295132,-0.971662584731033,-0.450127312159716 +-1.05204456891723,-1.11311896637506,-2.56859922879107,15.4303611307548,-0.734405849922466 +-0.900550891500495,0.623823695141906,1.51335748452092,-7.53674080520037,0.0259240491418982 +1.15853255994108,0.877238424421218,-3.01677447115161,1.33505033120151,0.721958696014237 +1.07880449582518,-0.24158336361594,5.02519208032168,-5.43324868214721,0.57303588433513 +-0.340719534031546,1.63329782414886,-4.81869612418551,1.42338938661476,0.193904725857845 +-0.573674624975722,-0.0644478026927541,-3.10583825019339,5.92816736114684,-0.678162836385601 +-0.319877038086328,0.911363675825416,3.76459194462216,6.28205980535572,-0.565806018529877 +1.30173331847115,-0.759660095535171,0.720751732925706,7.09485364388694,-0.853536445283622 +0.068984475394598,0.72309032746501,-0.201888423240166,-3.61307489230411,-0.712666690454491 +0.304371789680426,-0.561514017837054,-4.23773496123051,2.90828740240368,0.494865893760462 +1.91974446897167,0.258818935140333,-1.15565230419171,-19.6524835906954,0.94104322867861 +1.02302307407961,-1.44072321311637,6.14013139972745,2.17912107518342,-0.176707285671542 +1.43214802779627,1.72505820885242,0.758778750022735,0.353513278316254,0.867468540387002 +2.02446481702464,-1.38165134368305,-2.32119182248507,-20.5178149688574,0.588949463734823 +-0.368058525974108,1.05028033817951,0.569592256352581,-5.55756138579543,-0.631233855539454 +-0.120245094394421,1.98988188497384,-8.43596718287675,-7.76405194287444,2.37923927838243 +0.196756626942006,0.992772589006309,1.1088458894644,-1.72625295375554,-0.242000727687499 +0.53730942412165,-0.655587841434363,3.29340648221804,-1.14493823770877,1.88196546337695 +-0.590224384867292,-0.12141811141198,-0.408043318445902,8.55230690298725,1.0528340046701 +0.267049938124591,-0.852000366414965,0.665977181397361,-11.6672168067047,-0.340308473788421 +-0.833878791827234,-0.407487981245251,3.01002627000547,-0.152683114275936,-0.674760741568189 +0.415963682303562,-1.37135911076336,-2.22346952770505,2.18112413334279,0.231413183450506 +-1.11460770426086,-0.181360657513621,2.46778143170336,12.5434224038316,-0.368062483095435 +-0.273419681248193,-0.997368067562335,-3.11885076734329,0.372305535269352,0.153635491259589 +1.63750286745139,-0.969387171421569,-4.83689753840751,9.64360482312351,0.624244141973269 +-0.405062202267019,2.31051662750973,1.94757470498238,3.33574190296381,-0.777529671936952 +-0.820686169300977,0.503428542286627,0.31823914253062,-3.31811669108792,1.39531817484131 +0.688880942715492,0.607089917619516,-2.82468866339809,6.64060557410281,1.77771302416441 +-3.52446531950792,-0.584494613299613,1.25950607136609,6.07565732934864,0.569858007958672 +0.120010969414631,-2.15620005274908,4.28416950005025,-10.2437693743823,-1.21515832621837 +0.243302362400227,-0.697933056114396,5.60775127448847,-6.50781934971921,0.317965182538726 +2.75878624634129,-0.0613668783448449,-4.44889037628185,8.80360029949953,1.98181710408205 +-0.660010318490899,-1.00979631125945,-0.963947240833853,15.69531985645,-0.0706560290639034 +-0.944008075507328,-0.858556857839667,0.229535586213443,11.234072829137,-1.218455905244 +2.68936619854463,1.40899662459165,-3.0227630878825,4.56625743512301,0.333738057707941 +0.432150902691276,0.232926250214063,-0.641000195200268,-1.97895658965916,1.11052445144854 +-0.00690272179343787,-0.0372909603313924,0.859533146788069,-10.1428952564329,-0.623599871265439 +0.602583075923414,3.70914207900226,3.78175507903741,-15.9088065922787,1.33411037309049 +-0.526456081469627,-1.60889560628145,1.1968560179936,-0.989692469615867,0.779423635957478 +-1.42507348078232,-0.0254099406110207,8.85416353451553,9.00667542270513,-1.2436807170477 +0.907214213731064,-1.41587861957214,-2.6802539412535,-2.47061731069034,-0.418502352644664 +0.104740529557692,-0.399452419711306,-4.08088669928097,3.98200952947239,2.38503361903036 +-0.116400547671088,-0.677293372372905,5.04486588113152,16.5305856303711,0.193859509748854 +-1.54826939253189,1.25721069341565,-1.23153719361952,13.9610926329508,0.27112523493845 +-0.936235948371405,0.267434895584908,1.23114600015999,8.45181626488076,0.627595644289325 +0.56763799302126,-0.0302647918528801,2.38890805227163,6.06225635584672,1.69648152124183 +-1.11982382257231,-0.529933584659242,-0.139290794466289,20.4428564216832,-0.701662258188043 +0.58782599775885,-1.75863273591493,-1.6132508763871,-14.3868247596172,-2.40599505405187 +1.46169492133206,-0.670393278089738,-2.86880820303818,19.0593377105456,0.722755568273167 +1.11470454080546,-0.524935596555207,-1.68310211173201,0.361383357751655,1.86699618426962 +-1.56359533798833,1.73214036966345,0.141532447554441,0.145105392466579,0.63968587924954 +0.149395462082909,-0.593934383256649,-0.215647112317488,-7.33329380862474,0.578882550274871 +0.0116678530849038,0.249780582538084,3.18038785120922,9.61965765204724,-2.46569078488382 +1.06490725257973,3.02694397606015,4.65479467731284,-4.76733987423376,0.699184245968045 +0.450947171065544,-0.848019385730938,-1.4321127120417,-9.26230837939295,-0.987401367859979 +-1.53968538703559,-0.727638662488904,-2.17930105807153,0.940083812484612,1.30032840201207 +-0.398161903051767,0.478767735706441,0.145492908506107,-9.66369779909984,0.818848283118409 +1.32641070311124,1.35533370227017,4.73592559978606,3.08618039617935,1.23354708600311 +1.09993653298364,-1.52324432136899,-1.06332681653997,9.94121145604274,-1.68429519816368 +2.15414021414088,1.75430566552433,5.98228841203766,5.05655652407196,-0.566051836757953 +-1.15406991294166,1.46791708688718,-2.05452515827416,-5.01926667989589,0.744739365903096 +-0.78929424791687,2.10919593713241,1.68218376394103,-2.35468162191429,-1.02145833539513 +-0.440488795077715,0.527129680679154,1.59588832408179,11.2073852368885,0.20079961147826 +1.17127526475745,-0.248648683899911,1.25080072308112,2.00006745351728,0.629061484480157 +0.120196619489222,1.13111002253574,0.249987772060985,1.26849173121802,1.38506413273953 +1.74504307736363,-1.6769344128673,2.90605401188216,-18.2059506682972,0.132304359653979 +0.659033150567645,-1.8479438300882,-0.528007239908927,14.3929982433333,-0.211866296937644 +0.16762811365588,0.104217691418879,0.372298860174484,5.91202527061336,0.427949054682926 +2.15305269652169,1.41642814583924,1.11807970210355,5.8204882168653,1.21583426727193 +0.610020782440056,-0.111038130509198,0.931145608649105,0.459941038037341,0.102889058504833 +0.814157926962641,-1.23117731351196,3.6574628288969,3.66536220466079,-1.27223307863482 +0.0329606027576587,-0.907777009788724,0.0140397325230136,0.14785736398978,1.17036160140469 +-0.194215661891053,1.42706247335178,-2.90335269374918,-10.1413085995963,1.54433535793279 +-0.848472670341258,0.371907385551058,-0.265590684000208,9.11002673968335,-0.204529880194006 +-1.50838424591555,1.54294084893555,-2.17746302852995,0.672971564797559,0.819442899313328 +-0.262235703760781,-1.11892752230864,-0.0498021159693566,17.630495930388,-1.69942597166789 +0.0321471722245241,-1.1655771623106,3.90648032241391,4.05158402023305,0.710873427114819 +2.15064755264313,-0.402467038162821,1.40436983224378,-1.81851854243642,1.14092981784757 +1.38668751551526,2.2584474687654,-2.65412166326044,-8.58037774907865,0.623245584787172 +-0.419286507782291,-0.0738991444304761,-3.10716511893968,2.96230515478775,0.230980420831207 +1.09883593295611,-0.659655531169474,1.1882840143145,12.4783191541884,-0.34181276893791 +-1.27716490064613,-1.15302754850034,-4.3882975553449,2.09123282751265,-1.23866241575181 +0.140981338902124,1.31944534283013,1.65410226638353,0.467006825571881,0.848675035699519 +0.555140683264855,-0.764546891502755,-0.00430411683658201,-18.643035312738,0.405454542131452 +-1.99738921662948,-0.307003493098637,-0.707060696528481,8.63238039984954,-0.92294365538028 +1.40350771723999,-0.632228592796766,0.437845670502819,14.766818038871,1.76328780170909 +-0.809363713530638,-0.445029032320981,5.60981813909771,-11.6538824818489,-1.78919288082497 +-2.13044127951315,0.0358664568727678,0.528644678622326,6.21262810988816,-0.0215896361611215 +-1.46233634016139,1.10036444567184,-8.34071600150672,4.45070282490811,-0.903393285314199 +-2.31907163168881,-1.26402424169338,1.62172693580506,3.64046572872869,-0.19789727667507 +-0.484861102371878,1.25964733236419,-0.808493603352878,-18.9179959012,-0.680747478806111 +0.971758828956897,-0.570248081052905,2.58103755366718,4.01919666323108,1.031402468823 +-0.660810139598765,0.754975729149412,1.74862260435195,5.93416321635937,-0.976161691163113 +-1.44364817648387,2.82542965201822,3.94751926645399,13.5891968982963,-0.0415621477291354 +-0.392542466391264,-0.309527610491795,-3.80422551757187,2.65736539756015,0.03823511872144 +0.00726581498181227,0.913639161264804,4.53295072303433,23.4714474525986,-2.76251441409325 +0.290137048204601,1.9391302170081,0.144174408178255,9.51691872559895,0.271886634754462 +0.526672236045784,0.34472391448505,1.67551158431836,11.8895173686241,1.91099619824191 +-0.288323048102101,-2.11157571880997,2.46886017340553,9.26239148257368,-1.86997522179562 +-0.0899424324360023,0.515373590063288,6.9834946498894,-5.96071796886575,1.06498873790538 +1.32154021406126,-1.57284421028359,3.30033019398087,11.2161259820633,-0.608329243869713 +1.86013630977381,0.495491643779234,0.30532725678285,-5.28545265489973,0.348182773209209 +-0.974179701499158,-0.657020562039225,-0.646330408897887,-6.05824247741433,0.0632712611228555 +0.57802968314956,-0.549258141943401,3.26349692675707,6.13682390731592,-0.161397829364488 +0.021860320482843,-1.84352973844328,-2.8820085452824,-6.14342383798716,-1.12655884061924 +1.55441601962015,-1.19439642501067,0.83119854134363,3.03031216855152,-1.32383107094475 +1.09464214749975,0.121778819953733,-2.90414511975007,4.26118320290641,-0.0124848221538455 +1.26642939813096,-1.17543661219015,3.98595526585833,-8.77411107173852,-0.538134101324463 +-0.353341226310621,2.58572109611162,3.28599085285145,-1.56245054333562,1.28933725988248 +1.22939081321615,-1.44560866106628,0.131599095811602,-5.28013417804991,-1.55602196897918 +0.834476563367879,2.82311876618795,1.38124687658675,8.15760204487689,0.59439474451717 +-1.4937658557905,0.555353560127496,-4.35365363890835,0.724616508414697,-0.350551529289237 +-1.09682500284629,0.345117201320422,-3.4144284511327,4.458343605328,-1.74529243732566 +1.61638212047237,0.887734062728738,-5.35252790911921,-0.709564484665275,-0.54512045596547 +-0.542540529775396,1.37532211322776,2.23629476583891,6.06058737548081,0.882883217027895 +1.54823569259354,0.416702450734804,7.16058004330985,-3.23957893008971,-0.584549038054734 +0.77539655541258,-2.43545320202438,4.73001435067564,9.95849632317203,2.0138983931428 +-1.26028058004053,2.05937850551242,2.53043597059913,-0.431947355961379,-1.65795577008248 +-0.634248297940149,-0.864303608515469,-0.909120890581952,22.4020659660436,-0.683820194228961 +-1.5266919176192,-0.682670795888634,-0.969429269367485,7.55108401544165,0.0791401290299711 +0.223855848736245,1.30700990247321,-5.22867493867342,1.12074984283875,0.597722568799558 +-4.16518163353195,-1.56100387118876,0.332552704721044,-1.02304818302505,-0.371896573737659 +1.42550317884841,1.67441191953321,-1.13185469477588,6.59079246774766,2.0037628712435 +0.342295386608587,0.494888822738232,-2.91529689141768,5.19333764609916,-1.93706479801664 +0.958775611387429,-0.855855043074576,-4.30702172970759,0.97928015644354,-0.702287901915997 +-0.261637673395994,0.635284374697058,1.05288617801827,11.1123931959736,0.95637258124174 +1.68842659595597,0.0515965330412567,-4.50983594650095,-10.6861630834802,2.65974065036404 +0.223121136790084,1.46124714604975,-3.74156730830195,-12.3374027178101,0.0772400784658482 +-1.15507576940795,-0.214981029832049,-3.92062473386525,-20.0937106628496,0.181616141212972 +-0.0921403284532538,-1.75898896811329,0.233746595871782,-5.27825152308725,-2.04151325645987 +1.05994121195814,0.785273828590325,3.4336854016372,-0.294360719859494,0.31113119203403 +-1.70169312439663,-1.4743324844914,2.04853390533338,8.04816650099339,-0.261559015153729 +-0.0841101439308871,1.80786696735601,3.04341600372689,17.2934759549812,0.344060777550264 +-0.936856111068728,-1.38706702249216,-0.446416007812035,-4.24594320320366,0.157788154912432 +-1.81858449588856,-1.76790869379879,-2.85385089576465,9.26704785183254,0.58562157851481 +2.46668814290956,-2.74097338267084,-4.96882288828564,3.43326907587283,-2.1519268198407 +0.196923285701104,-0.125114443647923,-0.502941668084362,6.67815393724971,-0.720500478506124 +0.604961795357004,1.92834764079576,-6.89613268067972,-3.65633572608666,3.42434739346481 +0.147557312054954,2.53999191520385,0.449795658746035,6.88536912866508,1.70292874641532 +-1.86072165719548,3.2419809098624,0.619648495848553,2.1534367293296,0.0385218006718075 +0.0859501750504015,1.65635307333107,-1.07666434700061,12.2873699789095,-0.572183562841141 +1.58589241465567,0.0943325618716762,5.13612194124773,-6.11297348881289,0.182059106738195 +1.61849127175434,-0.363397942656068,-2.10946846765557,8.42917334422387,0.656789024624845 +-0.608471634892423,-1.03545438275378,-2.05276709986531,3.21151397469248,-2.30185908422826 +1.78373835315843,1.19906565418739,-4.82029530753248,4.1211624335694,2.32032773257372 +1.76408512765929,0.308233670303566,2.79799736962505,-7.93119661660206,0.430211711088978 +0.958547432213525,0.798397032183589,-4.12600261531431,-13.0619392390516,1.07740472541608 +1.96003961646026,-1.61136598714936,-1.69958304825262,5.36905358781243,-0.335256528995539 +1.19435691832894,0.459540281863927,2.86161543198483,-6.43345566975167,-0.00174656914492 +0.620327100957559,-0.239248777048165,2.94264557902251,0.315665501075082,0.325375392205089 +-2.28868907620954,0.328800946744776,3.55533176054806,-22.9861601103079,-1.83332983486924 +0.809964011080237,0.299174926148104,-0.590832263711582,16.1513908274879,-0.446126110655507 +0.089822432162886,-0.038015780134195,-2.53024168520963,-24.9200469375101,-0.975857181785981 +-0.985521490614178,0.129040820078928,2.19314372592575,4.45998188172685,-1.38911998781364 +-0.176731515097332,-0.573732134194419,2.21128647639881,-0.123979993619283,-1.84276730282951 +-1.17228691566141,-1.21307201278883,3.27206690250407,2.81860547118111,-1.66353564504641 +1.43162522015105,2.30246398915483,-4.10662903269319,-19.8625954557648,2.05244579896333 +-0.202205907589708,0.226105366194641,1.76504202287777,-8.8454944044243,1.76930252697079 +-1.56972755340485,-1.68532951223661,1.83764515442012,-12.3042606533561,1.75136784521394 +0.166580531410021,0.0278306195484281,2.26078083435087,8.23584495300109,-1.15535353544626 +-1.51965842077623,0.996270365878431,-3.72184540084791,-7.8056613377433,-1.18175803814734 +-1.56799446303997,0.646158330882861,-0.707435522268031,3.18973387514326,0.361146012743279 +-2.12458943734656,1.08603003203231,-2.26406410138817,5.49100911803169,1.88345112003143 +-0.797879363522002,-0.46226395784684,2.012834477633,-4.67967303460937,-0.510275821855431 +-0.55702059014552,0.139649189929719,1.03722708113886,21.9007439680038,1.25682919478661 +1.20900545794404,-2.11068464758393,-1.15480979585325,13.324854888474,-0.248518469940687 +-0.702971408733501,0.910367812968914,3.00435373294362,-7.87046828839882,-0.0366386470854044 +1.36484418711009,-1.08424644311993,3.21961349024264,8.49590768265964,0.183626224581208 +-1.56886488331356,0.399812275080375,0.303796436201007,-8.73881476887422,0.356250669373393 +-1.08937613651634,-2.091390410456,-6.31806561529098,3.21066766160029,-0.111950973089573 +-1.26440420159929,-2.02922051843034,3.44966867285389,-17.4360962922867,-0.0744940912706313 +-1.70759061669876,-0.704258220847746,-0.480063682601182,3.59905694110736,0.736313722648712 +-0.692786224960549,1.04541479787303,-4.7498232935058,0.923853314395271,-0.232743445929598 +-0.135777607259058,-0.338391798700628,3.53938151970132,-0.130363731354987,-1.02189733001363 +-0.847691098636059,-0.484589965472056,3.8535411790347,0.880128767566673,-1.38706000809793 +0.00388355344836999,-1.37469769334419,1.45183356703465,9.06429885691147,-1.26730315013083 +1.16187016387358,0.71599674080633,9.0638156154696,-5.97286617006912,0.121942406777444 +1.12203512983532,0.379320768743829,3.08623408231088,-5.44584018369514,1.24466427106702 +-2.0107016474071,0.155448066082123,4.64487015121915,-11.0211330059634,0.173985655755403 +0.345254853071745,-0.63866756985499,0.279619639497908,3.09348102975779,-0.847611526359939 +-1.35207948520118,0.844706756704453,0.893926165468782,-3.54471172375165,-0.701395987634573 +-0.206275802184113,-1.3842326315104,0.714695688927114,0.345443680846714,-0.618905346016684 +0.0413681535213177,-1.79677116784652,0.64887015617605,-1.57462709583939,-3.04685489727585 +-0.784636003683505,-1.79019025565896,1.19434250186613,-26.8557486145372,0.662452493002043 +-0.959853436651335,-1.15628692892607,-0.839124621304384,-7.57974212883721,-0.598623894739765 +0.143418293075305,2.07669131169128,-5.85188952233021,-4.63809600914966,1.05403251251437 +0.0769049016622407,-0.317205624123486,0.87719631664718,16.9966288382975,1.04823921708446 +-2.03147257138883,0.162287102668122,-1.25323167927089,9.78304232650947,0.863701869754837 +-1.10094465637815,0.273055247205348,-2.71920494863705,-11.0933387303253,-0.251743837736849 +1.52818185243413,1.72834705809097,-0.202945138616947,-8.22016929989591,3.49417391325411 +-0.694258904135162,-0.315656816501093,0.890543149712675,7.94946045367128,-1.21777298959952 +0.65343691062858,-0.560874441409253,-2.61463182946503,3.09553921553742,1.16672330543051 +-0.229398295489944,0.33154669343618,-5.91691566586597,-2.42524383835273,-2.84878577120625 +-0.809746525394879,-3.50870890827597,-2.71817677938592,-4.03400584935703,-0.554153711516973 +0.0973150190417559,0.499330810010875,1.10799476232356,4.47080619198298,-0.536784434917519 +0.197865542433821,0.628291875043059,2.19415985710316,5.27601202584553,-0.429303496649924 +0.947921162708863,0.28297916951946,3.59979318048767,-17.1229091931019,-1.02604402126787 +-0.249705805163282,-2.85894859008684,0.0898649096879727,4.75500900150341,-0.291629209222678 +-1.00309000191893,-0.23453867157101,-4.51299532907521,4.84015086303985,-1.12894675169342 +-1.52585250998852,3.24612657340547,5.73252747883474,6.7369726115726,0.579877150955927 +-2.99441097102446,0.589992155890963,-3.15649930312687,-2.37561466174569,0.523815651307152 +0.631037653928539,1.46571708724923,4.56080394179181,17.1532271670498,1.11323797651098 +0.0276130486586309,-1.97178245575452,-4.91785803547312,-4.15842295863481,-0.336221235609429 +1.23196830204413,0.00127491265466327,1.08008150046666,15.889772957904,0.753755183515899 +-0.595908179391353,-0.251685788149911,-1.40787297678472,9.47220146352522,-1.53047261695092 +0.762484467553672,-1.62147778957194,1.05734098177656,23.6732527135774,-0.346084106487227 +0.571565999747814,-0.0944062010182549,5.22253342893034,6.44773759237325,-1.86575468666717 +-1.4203301138415,-1.05543776331654,0.55910791077834,5.06312249193586,0.309760590381194 +-0.00349516191695816,-0.616476329745275,-3.42750809313553,6.39799148189011,-0.272430464633099 +1.8673255018733,-2.02735502667116,-2.37420636993037,-4.99499230918606,-0.34613251737452 +-1.16876930669725,-1.20758921613436,-0.534444179950337,11.2433984279679,-0.503187261368504 +0.070631098832361,-1.07202710464886,-4.54485345678726,-4.24285849323579,-0.24646709596722 +0.7736076803116,2.10551864890228,4.13824455010096,7.57357563284036,1.05619414087495 +-0.274308064506163,-0.855919930735766,1.80474295744126,-0.402970076859401,0.0127385272328213 +0.877471873422695,-0.877106241762785,-3.78437152736044,0.732563458385834,-1.05326560408341 +0.636709427588753,0.863523491173613,0.126450842548083,-4.62075493931318,0.767678736937025 +-0.982767280344711,0.933456025808014,-1.0212507796161,-5.50612805578133,-1.18183356196371 +0.158638865656158,-1.05059939059001,-0.253835458383145,-9.69631413391514,-0.656779819273947 +-0.334690373914301,0.557361679960136,4.3325921308249,-11.8456840756667,-1.11210552791562 +0.549168026017891,-2.43547460981478,-4.48204858925058,2.63028048221206,-1.39349497417654 +-1.30197461287219,0.454579349354328,0.629994051187821,13.9792564562078,-1.55362290585423 +-0.126878673831749,-0.466315938261544,0.623149906060147,2.64913401715107,0.120917083596618 +0.0591168886891493,-1.31548659538219,2.45196651383938,-3.89447793612169,0.399070747344912 +0.365824639339043,0.305828470174271,-0.496124802527039,0.506954926966272,-2.29470723943328 +0.21050453207445,-0.592039211508934,-4.95776703896751,-2.04192715695142,0.519170198112851 +-1.24708953132777,0.619912965645662,-0.836627328258246,-3.7424859926292,0.878163378635702 +-1.14571723340426,-1.26544828971354,-1.28955381542906,5.67480358663843,-1.3105122192806 +-0.660548592592791,0.622875385618389,3.36308016870989,-0.864841888939199,0.924188304172085 +-1.50964152121271,1.2129534388801,0.253205368415884,13.3669329045219,0.552898165288344 +2.33776131598763,0.0467971423929394,-0.449212799467424,-3.27059405405687,1.63478118588211 +0.0837661056678726,-0.476436003676977,-0.584646586495609,-2.54628232775277,-0.215790298709602 +-0.47316117469557,0.870996488762659,-1.10797098876666,13.8073463976836,-0.248992563357999 +-0.230365909173149,0.0939864637200864,0.323855711007663,14.6680235366689,1.13055829120957 +-0.462720823004361,-1.0271761582801,-3.76976232840835,-4.51324393826954,1.26674443278369 +-0.106066412193565,-0.021766743502958,-1.79590123811394,3.8992766167506,-1.60857664829128 +-0.227478343521203,0.34550765357518,-0.212287175988937,1.73206255334015,0.135999588301849 +-0.744049924354445,0.734572560832582,-3.44962070343725,-10.6665729338152,-0.583137046178801 +-0.437376384495552,0.0134525724909967,3.23006783207336,-9.66841279710369,-0.39398786572171 +-0.862072076719299,1.19648565013119,-0.264299765176471,-17.6227989943714,0.0291713198423166 +-0.957030501271235,-0.113196761325751,0.200811987414872,-12.885035904492,0.144124943665319 +0.691633052477703,-0.880457144898518,-2.31941093449781,-11.4529457737283,0.0804418143143881 +-0.626172321767326,0.323507944349633,-1.10886118000483,12.1390538032939,0.0213645574860663 +1.729977980856,-0.815215897657797,-0.0993556351090579,8.77442517172472,0.761756230086236 +0.148323774502145,-0.238497223606413,-2.32071436033443,-2.56612816803868,0.831135608980515 +1.03272726637785,-0.686929561049993,-1.84550540429834,-11.1085335952955,0.350983655066585 +-0.561852876017297,-0.4184997782479,-3.73794717709634,-4.32183961510237,0.327678775932159 +-2.63935268144999,2.53618021028936,1.80979733501445,-11.899238315083,0.796579522188918 +0.0183792691030782,0.756995544174168,-1.33515063251761,-0.683291602368519,1.64518069071488 +1.3322698362202,1.49552973762264,2.98125099533857,6.25179894312184,0.906291645061387 +-0.088732466796563,1.75158321270197,4.60735150115909,17.4360049271114,1.3707068654595 +-0.522138236836667,0.290964880944254,4.53175111596502,-16.5688160418271,-0.405498924359214 +0.306045322445455,-0.722353769595043,0.424560161602675,9.87502225760763,-2.87813879151002 +0.0156998385277553,-0.994277559056442,5.54906253760431,11.4231467472775,-1.26358515245298 +-1.13424398420223,-0.929635770104445,0.125111146675083,4.45841370400453,-1.91438677278748 +1.95022450396185,-2.44735605683691,-1.73350548433213,-8.83952572748832,0.477790058246606 +-0.264844659422575,-0.504124649722146,-1.99616565846218,3.28390863287746,-0.618801977282736 +-1.78697183764422,-0.337660630330553,-1.17213072259592,11.9199147008291,0.204302693907856 +-1.57163806815014,-2.41913650584565,1.89602366289805,-6.73475372570825,-1.67584873612846 +0.623119122130037,-0.390583807810998,0.474904624270821,-7.89190278553377,0.663839359054857 +1.63950975579845,0.46028974787186,3.26508933377147,-4.21166162664991,-0.647397974067083 +1.32575095051158,0.667089016372443,-1.04518635987775,9.05758441209173,-0.0188909716206108 +-0.0133670248284701,0.531149795529656,-2.58319858755042,6.07782837775613,-0.290596170668594 +1.10653438561558,-0.35543793174223,-2.82148497384731,2.09896047339206,0.282186477626185 +0.927102775653581,1.15874001980017,4.04099656090865,-15.2053671251114,1.0915499216094 +0.102308283414693,-1.18491791588655,0.837156459489242,-7.62917794131318,0.47717453507244 +0.0385982998635817,-1.57450738121656,3.13501486336737,7.85546233816943,-0.149362472056223 +1.8273134216054,1.60440080549045,1.84213352710483,-2.63785901009205,0.538204363890168 +-2.82992247117223,-1.21192855214759,-0.0537837641162799,-0.61351971004598,-1.2861854725806 +0.196903499951888,-0.133213464858391,-1.74104142263684,-0.782238590324218,-0.737578083917219 +-0.474376344513049,-0.722594231128331,-0.11082527200303,1.25541407639175,0.376898067742677 +-2.05440867296036,0.663515109997836,-1.85352490203838,7.10792196811406,-0.815940692194933 +-0.816474767851121,0.471657217377708,-1.97600698274268,-4.22017594956672,-1.01994771717665 +-0.164351146417104,1.38106282597894,2.43898154430597,1.72633018477021,0.950843513375926 +-0.539228145546659,2.83246789908349,-1.29172104835756,-5.08991490385796,0.393819811897323 +1.1579109400545,0.798500155507756,-1.37283563112427,11.3444316384944,-0.229963128033777 +0.808687499453101,0.029966129594046,6.16073044673773,-11.2096325514255,-1.28949496489432 +-1.30689549245793,-1.46268280548974,0.179429307371725,-10.7414227096898,-0.140766434318625 +0.637308228570013,0.222378738954845,3.21784903546769,-27.6999080530688,-0.346180162763977 +0.918068673093873,0.68318396967266,4.36629936571254,12.5534684820846,0.114314282365714 +-1.40289951261705,-0.801082442125945,-3.44541261221724,5.74364064557291,1.53477567404546 +-0.290969778250395,-1.03888506009169,0.571396247136197,0.440277875138065,0.436116758734382 +1.94641692691919,0.198470596938649,0.860797791709571,-14.1817767030977,-0.32178683190434 +0.591948480760869,-0.685610449230846,-3.7107099019795,-4.94966851749695,-0.419995998235245 +1.07089857722691,0.597573529387346,6.06113629942386,1.27393427289531,0.0305078810462818 +2.066618511271,-1.13056805238471,3.51259335870909,13.5092482363008,-0.853564352400585 +0.149489919063143,1.37722507667407,-7.54733999425915,-16.983477700392,0.523185052578914 +0.312974666044011,-0.259070030152748,-0.427917226244333,-5.69927916422412,0.240194815748032 +1.2709270667008,-0.476253371381439,-0.41253736750907,1.97530650128835,-1.35679942133526 +0.0110247259872664,-2.23772756547894,-3.61756032843305,-6.45698319054724,0.228955970855101 +0.45212833375349,0.261574039612457,-0.644588130971291,-9.32487155716253,1.37430094611355 +-0.627171862214703,2.39940954842895,0.314792756953846,-12.2961564687435,1.53037255964799 +-0.967926917559556,-0.0128559594633623,-2.64454680917341,1.13640391062935,-1.44153928274276 +-0.0549008825911397,-0.171319539000941,-2.55077289765656,7.46289740949755,1.8487558216759 +-0.662282081439475,-2.04454455305542,-1.70836512536255,-12.5137522230353,-1.15830977720224 +0.925968170524919,0.203108494509538,0.207931456516077,10.5068009892758,0.78734778885438 +-0.762019382319942,1.34242170304658,-1.52407057145275,12.7148799861565,-1.72206563494849 +-0.917897466052385,1.31958700412232,-1.20417575600694,-1.95870720906152,1.06744611870154 +-1.06086311286355,0.217906264489629,1.1971778307234,-4.21014447108816,-2.00686545741203 +1.32800624470503,0.620324320115574,-2.62278948790091,-0.15632018600948,2.23968800911085 +-0.451665351980948,-1.28165140361599,-1.15550850460533,-7.47674966152099,-0.0629858237942661 +-0.698138545990224,1.98859638548246,2.61820066628638,2.26212946245915,-0.690144561394745 +-0.147123300849119,0.0887749454492525,-5.42580704090884,12.1633949456745,-0.558383221816191 +-0.56800456679622,2.48754243991559,2.00024699448829,12.6070903871863,-0.379867709215088 +1.9663903307255,2.54555451938509,0.114331900389772,8.40751151593547,1.65169866594164 +0.807242252338643,-0.545393933902519,-1.10403598126186,9.14264098763055,1.71202237937007 +-0.85626101137972,0.780274346759099,-1.777116508749,-10.5918830584175,0.44889238028383 +0.355483407168573,0.0694757388567829,-3.75475740927465,-8.19642481412774,-0.123516825257066 +0.303195038442683,0.552127228904634,2.55711188593727,-3.05641691664786,0.418446591651369 +1.32380675600462,1.14269354822027,-1.68322203118257,-6.48686454267129,0.392112897037609 +-0.364915477618561,-1.49244171045395,0.486414130016156,-8.11379952467034,-1.39215669761789 +0.970332410760552,1.09105919500116,-1.0208412271404,-1.07188385266513,1.2896226827841 +1.38254654696922,1.19279382198201,-2.78811609387368,11.2570950673097,1.84834757337952 +2.32558223401795,-0.356256598438654,1.28825447304078,-1.59614284696177,0.295726881451109 +-0.0424825225721746,1.73015905653925,-5.66266999803666,3.46286164165789,0.576079575240461 +0.0837467321781796,-0.308267565832138,-1.15834962792394,4.87465662265254,1.14625726071734 +1.45156640526063,2.04304254002857,-5.22054845929907,-5.93259986325566,1.30439874102243 +0.336293459196458,0.375729099669701,-0.250229789958569,6.74643487127044,-0.0704639216980137 +0.253942943137199,-2.23904545903984,0.765406420706428,-6.9587106935115,1.34445389825485 +1.61839816050789,1.37746581243592,1.28695992566147,7.68426841266964,-0.138348585922746 +1.04327774475104,0.56246793854182,-0.401758018818139,-6.71107736789278,0.359264541501579 +0.020610400646322,-1.02109096627711,1.19963316699864,-11.2042854278141,-0.716205314119846 +-1.92263179249086,0.514890487247187,-0.300031005054479,3.10909230787775,-0.163141307561284 +-0.118111376571531,-0.78790671143925,3.27874656743482,9.08195827724901,1.15990433120585 +1.3292955837904,-0.00108348240803812,-1.0684961748802,-4.55014498912876,-0.773420050469525 +-0.601531513753364,-0.976085838532346,0.257513973381423,-4.69628753301477,0.121809703923906 +-2.71598657713561,0.623752268295498,-0.546562853870904,-15.1343578495777,-1.25255108743375 +0.323259993870262,-0.180408136632669,0.72182430974768,7.49058925681279,0.526094312745588 +-0.732139671598217,-0.0433025175393372,1.31652908342684,11.7979110421175,-0.947619749134579 +-0.131217187271271,-0.187607232654972,-0.743440620409846,7.95452378325889,0.456477723090654 +-0.134271777768257,1.61595665354814,-1.5210005878256,4.00136451849272,2.47905938548967 +-1.39482861824535,0.011518735162919,3.63855781125384,9.57565797697181,-0.709752033476683 +-0.206617639390004,0.334877033785441,-1.02095186903523,14.8927839805497,-1.19082987223635 +-0.613393286110477,0.916773399175687,-4.97989256246079,-7.97082049867934,-0.0735883381612533 +-0.260172082904961,1.26112813749777,0.895034357101206,5.60087722409913,-0.249888407474648 +-0.65059495047045,-0.592940279977967,-2.23954386812395,-0.371705908128436,-0.729727335059555 +-0.51601345919348,-0.907530897588847,-2.78722060868486,-2.20146359104405,-0.836950461792653 +-0.66794325374223,1.24892751721207,-1.92060093423742,20.2070903619755,-0.828510027573488 +2.13899196433624,0.109529633248827,1.95456939658618,11.6622727394955,-0.246966142346074 +0.703429230299492,1.94510935526836,3.94624357373969,-2.28324498614428,0.92076421001649 +0.357403688218198,-0.862321897598505,4.42015596137168,-8.31394454045961,-0.828197667421154 +2.02159647655088,-0.941162547032576,0.460668796577039,-12.1554079692955,-0.547280284463098 +-1.05043861871896,-0.179234939851456,5.22103743065198,-3.19379511289833,-0.118065986741949 +0.674902783646664,-0.51290357926069,-2.83191898222294,-2.99788699238023,-0.944046002348162 +-1.1912828626341,1.83628956214559,-4.12206105156066,-3.22122968382261,-0.202197447106581 +-0.567219826014065,-1.63997010800507,3.95252278844052,14.9280435920453,-0.848473412257392 +0.601792939998368,-1.39652148398735,6.75451899285866,-5.07815587142005,-1.52162183958562 +-0.658842932118026,0.360850424527985,8.2240210952949,13.7730226709276,0.16044667259419 +-0.567947299419772,0.768999324474953,0.0634035128562654,1.40881586898937,1.06079959559961 +1.73325486206872,-1.28267232681667,0.118206925122217,-0.976800201220767,0.820305307934883 +1.87598950431612,0.158892460594703,-2.01939631162847,-9.62468041498691,0.537442408730583 +-0.860045625424826,1.72055775175393,0.219061277464742,10.3691470333741,-0.586987105195493 +-0.0450565613413973,0.969601164925776,2.86431933778807,1.38504080118323,-1.24288283786445 +1.1670490280105,-2.10505074205661,4.13840940059299,1.53003312385394,-0.679849245130892 +-2.19613480581075,2.58590495318979,0.125780804746308,-8.27482242100187,0.737973505275084 +-0.514628550350603,-0.986369563884252,-1.5424945284801,-3.64365470220859,0.517463009348861 +1.10152579319197,0.297239192522394,-1.05023319723816,17.1174147459736,-0.211760385021422 +0.450909150095183,0.644685082853375,-7.49791249365831,10.5698543669418,1.80662729688953 +-0.355064054278085,0.601070013134298,-7.15696614013673,-7.90161323103982,-1.57071575453712 +-1.18174774674577,0.378456639738093,0.428543924947934,6.51200031375535,-2.89977170365513 +0.952921982600952,2.16835996185672,3.19694265218999,11.1851855374992,0.977188391489834 +1.71764039802517,-0.964243003538905,1.09591740376961,10.7157208960403,-0.374856605609473 +-2.57850877549563,1.08821383159771,-2.29218101871564,2.19226553649182,0.13873258411793 +-0.476979888878326,1.06104545896065,-6.05616624534854,-6.89523444441423,-0.848636097737825 +2.28367086622138,0.306341900302522,1.37739629556127,-2.2548439076388,0.555636103180234 +0.570679288736001,-0.871210633011728,-1.83399624316406,10.6239384542777,-0.166456788494265 +-0.237816461831601,0.716385304079673,3.7994455140404,3.06582917492612,-0.0668543576817012 +-1.37635179648155,2.01411139699926,-4.18821652462254,3.54388848413417,2.02006525170954 +-0.435213660302725,-0.0623224155274329,2.47681530330218,3.3963926305049,-0.697217265872335 +0.894081784072697,1.16490809638617,2.30648942897418,8.27421176846514,-0.0363547982279346 +0.23274685063155,1.40070395654681,2.15987725422665,-16.9821388616258,0.983909298154839 +-0.535107535759783,-2.48941809346203,3.45208066882388,9.75147841511896,-1.62895319667639 +-1.08330546416745,-1.00441708238282,3.1698207043978,-8.65400628384832,-0.372649059726826 +-0.126743702994356,0.865971702164346,-0.452290531367766,-4.55245076912413,-0.311916601147281 +-1.41640091854694,-0.48836046514218,2.44992145800832,-12.4004485850725,-1.5754716200946 +3.14763452438959,-2.07912690362765,2.12619341800619,10.9493652548507,1.70937145210888 +1.85038667534764,0.905283894623234,-3.52782583838194,3.78585250501509,1.97563437576582 +0.798324776443159,-0.959517804324324,0.816208040670898,-3.94312490341067,1.37817760496539 +0.136987669988035,1.40779470320956,-3.23845244290474,0.146682263056542,2.27477854401389 +-0.548730525617603,-0.988094115927876,-0.231426466453002,9.12378781679493,-1.20573339503603 +2.17254138880007,-0.349026215740279,4.98909466928902,-2.38922456650118,-1.94829929378485 +-1.51963956364671,0.850494867800933,5.58873449745128,-13.6645602961392,-0.228245038264366 +1.13053847307106,0.620073966733239,-1.30711831014129,-0.0605160949500801,1.42353848918616 +0.273640775857956,-0.484136007093853,-2.7144102537538,7.29471306862834,-0.803427149616308 +1.01499926485896,0.749966092489171,6.00210776251953,15.5547940050939,0.591551177288447 +1.66088746078136,-0.285728520505392,2.78129998327167,-0.757439169143742,1.63256628839815 +-0.0153151264696782,1.16220794751785,-0.377165291873619,4.80157468027471,-0.252890016934535 +0.238012684316887,-0.00650194509679187,-0.418219944618083,9.48688927508575,0.797170590388359 +-3.27842225343601,0.36464545996263,-1.46833575780661,-1.7536711715286,-0.889021357187927 +-0.185925763545017,-0.183906331782372,-2.25542552789186,-4.12526983536459,-0.0117191068370739 +0.97862386756056,-0.798232610179682,-0.926710862373656,-1.49436073983924,0.0775890819036365 +2.57533829226647,0.0389085765927056,-2.86604294802037,16.5930622795105,-0.449815096590026 +-1.34865713511908,1.31226437450755,1.5068718644763,1.61651353043363,-1.60126149635825 +0.272121850111103,-0.346421540886712,-6.50892336217076,-3.51685997251184,0.729458278280611 +0.0266512872847037,2.57711063956768,-0.636355574483842,7.40778079336331,0.399398750657635 +1.62288055667284,-0.476098724429018,-3.78155450770121,-8.66853971298529,-0.450984357211228 +-0.289776110437391,0.9125458994819,1.52894044614098,9.42698047105706,0.26126820654073 +-0.0060312123155975,-0.261347700933598,0.339949781297937,-15.1395573219881,-1.06689252063576 +-1.13320646296574,1.65374408078761,-2.39460764549159,-14.9560175540472,-0.269490315109294 +-0.0227975969705619,-0.269864813200688,2.94081594716621,5.21762576898259,-1.27778576743831 +-1.36345393789404,-0.450248250172299,0.28449431336006,-1.52500803249007,-1.33056375148707 +-0.184836137812664,-0.865756875758113,1.21722285330933,-2.95988206252633,-1.88400980885945 +-0.706894005458868,-0.774237588825347,0.699880120582176,-1.63710932927321,-0.772070568119651 +-0.192987848523683,2.75758191411255,0.111783968917215,18.0611369293634,0.39742832272467 +-0.80465338760732,0.541451249869358,4.31299913080834,-11.734381039815,-0.097582728032818 +1.95689778952879,-1.49642918821752,7.10483772478793,14.4883826267674,0.567338733465839 +-0.672708465565162,-1.51021296636228,-0.745029036281938,18.1897311208401,-1.10561164180172 +-0.0417257528575917,-1.30440816417139,0.220346786451091,12.4130872185419,2.03631701407264 +-0.467240140766955,-2.2839395491116,1.29243909094577,-12.7326394193364,0.21981933025833 +0.841058810998964,-2.24944174840294,-0.143192228995739,-4.74409354170157,-0.228902764552267 +1.49146783232192,0.936697527828919,2.8590536148365,10.083898659092,0.13445881424968 +-0.419845680189936,0.913505466557058,1.62289944842618,0.189421661335358,1.95595220923212 +-1.2065412157095,1.10948521791473,-5.47679614324191,1.09358171310155,-2.44305670807821 +0.482130952427598,0.162675009275811,3.22693743230592,12.875876794686,-0.768402495796188 +0.623384510193191,-0.310818697317732,2.82968443868211,0.465978992922513,0.574365623152829 +-0.427307558773762,0.970283355414286,-1.88273881208808,8.01182090615267,0.194157125608931 +0.802243562872831,0.944601993289759,0.734050697064947,5.59142580318569,1.83173345744892 +0.239362102994434,-0.354997455509788,2.32160846878698,-21.8209746832359,0.472774916559609 +-1.51158829400249,1.20416454944796,-4.97250743303338,-5.0513508579298,0.201376014638494 +0.718514902779847,0.177350295544273,-3.9228001280596,-12.3564581564512,0.221941343086725 +-1.40772359087438,0.197207813165522,1.25084736944708,11.6073795739407,-1.58337996154947 +1.55636827250417,1.70585181855485,-4.72652068836839,-15.1153547841981,0.0611270052118749 +0.440449546145799,0.717444617736061,-1.4965152288055,2.69302296416144,0.309071789396075 +1.92672956515718,2.65030230272425,-0.221118095357257,5.2055005386603,2.17859459895009 +-0.112489320238746,0.17094107998208,2.02531320026893,4.30363869090274,1.69776186764985 +-1.83575624796291,-1.58154150149028,1.01042611816378,7.42152050299185,-0.573792347459318 +-1.63643022363664,-2.67368579508768,0.403535983344984,17.0196582824666,-0.384224288872675 +1.5130919580307,-0.385151078705265,-2.99339255138509,4.02963062058451,0.850724031483423 +-0.714367901775202,-1.34222153660913,-0.778429898300338,3.959364040072,-0.270857255419073 +-1.15312762305096,0.265394261479223,-0.233498691312346,4.3050373119605,-0.831464966461129 +0.35587979885094,-1.09101036515876,6.31339709795799,13.0835918065364,-0.145498021415823 +-0.302301655611839,0.913879640188655,-0.1638740192708,-0.456051491926387,1.23659935127116 +-1.25698781459405,0.0172963290248266,2.78794141962603,3.6047176815055,-0.304867041557938 +-2.97879231661617,1.32870385006731,1.94765306541265,5.85235114555552,0.390776197546152 +-0.530625284909789,0.943294481598121,-1.12503359818839,13.0043832131503,-0.662818745142736 +0.417050797590379,-0.513347951206939,0.732788694813161,-15.7316999233844,0.0567802048479432 +-0.410657744714222,1.53119820902799,-1.27737210243408,4.91446009706003,-0.686611641387398 +-0.171897294485527,0.690822999875816,-1.47101066257737,3.5543142477994,0.572671808738778 +-0.532575117102747,1.21453559210711,-0.319850651475691,-15.3969302540667,-0.66035662587159 +0.276421781122919,-1.05123007622365,-3.74646667041352,8.65509819171969,0.160044490359414 +0.825199902516621,-0.485818730086042,-0.0799173541814695,-0.896218711713039,0.72573737874107 +1.56106476841083,0.642786919862949,1.10342072299767,-25.7261265385396,1.18820767756434 +-1.85117046158186,-0.692466007369953,2.09750472939113,-8.87146273774604,-1.96061049408903 +0.256862873513869,0.360854586044325,-3.02458321036423,0.367872260646421,-1.89538683167093 +-0.298110520652116,1.06925356741088,-1.75534732290353,2.664884535117,0.608135510406509 +1.23899701929384,-1.1809238441107,1.18815926136902,10.7890168630395,-0.86402076507394 +2.61595114841087,-1.42292672434941,5.54895541523211,9.43505744427821,2.07850741905505 +-0.00924244571177362,-1.18183400143491,-5.3441202018022,0.921494184310693,-0.15936930312377 +0.504236188280799,-0.962448509803934,-2.41398309198644,-3.87665921225619,2.05856552225972 +1.24303850558937,-2.58805767601356,-5.47845386040816,-8.70103833649368,-0.430021632832085 +1.79065065332553,-1.5624065828919,-2.48983835381795,-11.7759924904948,0.838789334273194 +1.41160637719666,-2.83823948119426,-6.1472632386114,17.159360162626,-0.706838779624339 +-2.42280038521654,0.184073795249856,4.78271213171966,-3.89207894727303,-1.28223559798452 +-1.36105265534351,2.38918577904673,-3.40467945585736,9.55620445087708,1.06071587811688 +-0.357830097558318,-0.469596636499434,4.47724031965401,-4.46606094922455,0.646342092513539 +2.23478410375064,1.56750206900991,5.45485460514726,7.11451022068456,0.85634194964195 +0.166909019354392,2.0088662529012,-1.69369674243067,1.24185325742141,1.77987585885648 +0.108640730735139,0.831892491776564,-4.6983111715913,2.53630608877233,0.674215862961391 +0.116267027990068,0.0538294605540667,3.37666294640022,3.09404438502341,-0.0624276471751965 +0.697774562700234,0.909413973302556,1.81992840567211,4.439852824,-0.982890158271746 +1.50016140580196,1.0139117182676,-0.253600035522357,4.57389597677521,0.379981681446833 +1.18496782125787,0.486418824116617,-1.53749824058489,4.42034328680609,-0.523182693374026 +-2.77926561114675,0.23934739946744,-1.77689527567906,-15.2017234480797,-0.704900580468828 +-2.47593725921305,0.183701315033191,-3.01750039199247,5.01896726447395,-1.15172189887449 +-0.0993635243990054,0.734568587316342,-5.94750132444312,2.49807558593983,0.870848791989464 +0.890005056809738,-1.13641761863439,-3.1804080624375,8.62937749683971,0.929113587970127 +-1.86009593750768,-0.372142188203583,3.56063582112803,-0.487825694110688,-1.07232135650112 +0.832246453127724,-0.93854489950153,-0.265613917485444,2.18558178453693,1.89731503137926 +-1.23085826742856,-2.12659386008977,1.06784412234265,17.3053270285184,0.752857384926054 +0.304942650970991,0.313948878292529,-1.07555504627911,2.59945391159508,0.6304500881495 +-0.00198259715351657,-1.15214142575246,-0.76647364869283,10.8208866322035,0.211501372264694 +-1.38332339871538,1.99451030215753,1.54839038328932,4.26452418404942,0.956990986317534 +2.05297900940642,-0.294837117877273,2.65174009146546,-2.23639574927539,0.424938466037807 +0.845224219820028,-0.779264170854636,5.05806247749711,7.62184622906889,-0.603999515275154 +3.36800533604662,0.768031993823387,0.208571888998339,22.2851183011105,0.149078940171194 +0.84488489455093,-0.869054821353859,4.59464675804192,3.71301861922712,-0.407588057006847 +-0.387468241556828,-0.278343004905941,-2.05931284558313,5.85569621551672,0.786430054079513 +-0.153540828374646,-2.15020925157317,2.53271882504337,-5.08606002110016,-1.48930646361068 +-0.64406435635599,-0.454797191992199,-4.92976096857327,0.60757800518213,0.159509687795748 +-1.50830196588366,1.31095596164442,0.167693771947413,-1.89888244318458,-0.912477386088763 +-2.55413346827527,2.06650708288088,3.66338730682263,-5.77493056727481,0.449198799706731 +0.000662759772110634,-0.428968544440601,0.131383712151967,4.36745153460272,0.553116651284615 +1.81689248802789,0.950247772216952,-3.02446998483326,7.51724558273223,-0.110116277826181 +0.457275227370609,0.453708118727407,1.25516578858367,12.11512996554,0.197860802471021 +-0.370471460117809,0.75980810126368,-2.58516609721038,-3.94533869369977,-2.00992948594047 +0.930607292852423,1.69859569382254,-1.09724776193013,10.0384327281322,0.873161046272991 +0.221916700645839,0.802668006579297,1.53276972780333,-7.25650582352674,1.04022761298709 +0.687620052758458,-0.928451482339841,0.80223366522401,1.16779732931264,0.408555348924362 +0.606013488732993,-0.557887263184242,-0.6391938556405,13.5433358809692,0.117140478295984 +-0.200322009585952,0.447044019495334,3.05597815235471,-6.58850664965206,-0.354471427666304 +1.22522689816845,0.605441118437221,6.48369909359562,-17.5265794330757,1.23325581321438 +0.377913696611469,-1.71004506614009,-2.41061931926014,-4.38353737642846,-1.54178800103177 +-1.83288551557121,-1.82786586975036,-1.39935340779383,-4.29626036603556,-0.538411298174121 +0.737120745103381,-0.0800872277638175,2.16524726939478,2.7271600361123,0.574105368339413 +2.32247815516395,1.27319129063025,-1.31970137167194,-5.0549729093576,0.509892627967522 +0.357121686247829,0.412754302351399,-3.87999688264465,7.71683644224369,0.883479434416847 +2.34120386470993,-1.55446147149743,2.9520132346032,4.85939382818885,1.08183912717745 +0.565220129748763,-0.924069867032809,-2.54128913586155,-11.8512982205724,-1.67490161428145 +0.641510855396075,-2.51850867741675,0.667625753952154,2.28798683276759,0.394842260168729 +-0.2737593812613,-1.65878448053248,-1.75578131507418,-20.7711680458029,0.301734030606858 +-2.41952953450826,0.26480085505816,1.18651168596157,-11.4133786356182,-0.434552817784481 +-1.35014827393549,0.704451731704872,1.45731513843286,-1.96240083590431,-2.32997323889276 +-0.211874477888979,1.32042535848601,13.8159491194192,3.95767182501345,0.554042832548491 +-1.29478716327932,-2.74366724476712,2.56984277160428,7.27235664498022,0.264431345226986 +-1.84620755804353,0.244719227836553,0.838696658092648,2.86042075865956,-0.873383648450226 +-0.0568875167436275,-0.833946398553682,4.32899662710153,-2.5965218945567,0.96882052027987 +-0.703562784841155,0.454865457016312,2.58874358345382,-0.254085353219854,-0.0639017885418002 +2.8445861434258,0.338349819171392,6.38267778893788,-1.11687601261465,2.27858117807578 +0.128948209443622,-0.332895264572512,3.01509065319571,10.0036986831902,-0.954937004580465 +0.529477704413519,-0.938361746230956,-3.36202705996819,-10.985513705216,-0.458118212202941 +0.577514596588018,-0.575867214605819,-2.71724662240989,7.37523078025429,1.87099424910965 +0.0590954686718747,-2.80989832141635,-1.2015373694231,-9.85433584351528,-2.36325010407865 +0.77040078357599,0.116605672739355,1.23174434728628,-6.91311817574964,1.21452859237031 +0.6257713443677,-2.68506042682715,-0.728182238347837,11.5026782515012,1.92962027728822 +0.906937430151378,2.91734551077926,-1.74935611601578,12.0693559396575,2.14403237440425 +1.16865329120026,0.0836971263149344,-1.63013930314055,2.08274906489935,1.28661048902341 +1.22794279340683,-0.218567934556648,6.26777158074708,0.561343616560465,0.444245608237729 +0.0680437078953553,-2.74694224260325,2.20963557505849,7.10683200205576,0.72842257152022 +-1.48651519270623,-1.6317488307667,0.898692687332441,14.6654848489371,-1.50039703457857 +-3.12263516461863,-2.03938579875749,1.7201121422479,4.8729924162088,0.789666865453838 +-0.528869385217334,-2.70659750394512,-1.1667791427636,7.61908514703442,-2.17508533792746 +-1.78559556759612,1.70482350558406,-0.931659409378259,-8.75476782898246,0.93564074625848 +-0.374276159133671,-0.150150547554265,0.996759029206405,-13.1299791491996,-1.31049282047176 +-0.285545171823896,0.36814107139034,1.66398573671219,10.4670510672789,-1.74170694961772 +0.344480688576687,1.1574164822501,3.98672738020716,-10.7868623853937,-0.344067329728839 +1.96741139889825,0.874963940356716,1.41416774446979,-7.74266500239302,0.810169492794434 +1.99800978529667,-1.5685468162046,2.05618665242215,2.73585680451506,0.63559460153239 +1.08104244926269,0.799632472595934,-2.801867210691,10.6605996478755,-0.413470840836258 +0.273374778474453,0.785717540347763,2.77635792848735,7.24271893051887,1.12444784959563 +0.496831226442704,1.27503777101432,0.720560639446721,4.92208261562756,-0.843753933161198 +-0.0563245055486133,-0.793202327271709,2.28552379889031,-11.8317674087888,-1.1177067349498 +-1.87515415669165,0.781484822114488,-3.57506290417739,-3.77235002564614,-0.0782903131203363 +2.29361943236398,-2.73972599821297,0.433649144315304,-4.51402607948434,0.00601839025881076 +1.39639875052289,-2.34074453132683,-2.54220748112359,-0.0436896035716458,-0.208070688798564 +1.38167251317518,0.497962059607233,1.08633602988676,12.0884476985112,0.627506986796784 +-0.59524250473364,-2.06475414195001,-2.7221672249652,-11.0750350804212,-0.492855750793474 +0.680461141737328,-1.0275932648622,-1.22593917114688,10.7742939312105,1.42362151924144 +0.579184164233276,-0.207822101657463,-1.28490358678616,15.0469285634388,-1.11956315884754 +-1.84431407671138,1.03409324230148,-3.65138237300184,-12.8312277639758,0.304141866785518 +-0.197715938272176,-1.19046258677961,-1.34773082191056,-3.96759942857589,-0.353389347272708 +0.444345280233071,1.73889398078863,-0.0472641057475826,1.42450416834409,-0.334763492354784 +0.474341342665844,0.875566032907781,-0.363419127284097,-21.4959618046332,-0.624287237361309 +-0.738405241320422,-1.16464895013961,-0.595968712927186,-2.25112917322078,-1.56511318469261 +2.21540483403671,1.03138683154653,-1.79244638587748,0.171413328244779,0.981239003035081 +2.18350277622216,-0.351956935457323,0.252526411993758,5.81444900994929,1.76983775997445 +0.819366671728131,1.62741062822771,-2.40205536163224,-2.79747549535282,0.230787008693336 +-0.755707990996711,-1.24883272529149,1.12097419995318,-4.95192871411839,-2.66211758049773 +-1.10330797435587,1.05810135872476,-3.03914256889653,2.81829930669605,-0.0272746101453842 +-1.52907153783197,1.41904075190171,-5.15766266495181,-10.8955035824271,0.676829881246872 +-0.770290569940305,-2.79632450661988,1.73075369721258,8.37524442476687,-1.14465721552698 +-2.16312099907967,0.140893038123038,0.420621579401265,2.72443741375386,-1.46300412126452 +0.585492631908404,1.63522811146967,-3.3252226735949,1.49898794930359,0.653862761990094 +-1.72214075407319,-2.16207980443558,-2.46439753636193,-13.755028609144,-2.23997437940538 +-1.40993319059254,0.0199314261760348,2.44211172186333,12.6842337770379,0.9067316804502 +0.80148295977359,1.3244174965364,0.0350877313031299,1.30190146533504,0.0989416785171966 +0.479663215848552,0.449974047651388,0.496867841264623,-3.89632715284635,0.0816934996999286 +1.33950660709311,0.641927233804974,-4.31073931432751,-9.62169123500006,0.405826056196815 +0.590398820929936,-0.530249836603088,3.34792456136184,-16.149528847322,0.526468930302444 +-0.0788920134869159,-0.148339553949707,-3.89208271794414,8.08305597002143,0.513140909396002 +0.51782975669055,1.53124879586326,3.93359493325318,2.52267065740588,1.78127098628131 +-1.79095650644443,-0.750671225937152,-1.90054363744631,17.0317207174755,-1.93737294911817 +0.128996477479893,-0.0316988304449599,-5.55464172978533,-8.6894244244341,3.11321286962349 +0.222456776145606,0.396575663064489,-2.72883290620503,1.64122228897942,-0.0524855596343118 +0.919084461533216,1.00025051027421,2.29147344918078,-2.46984465099506,0.970747327893448 +-0.0547294884049815,0.222554060107656,2.71592380371241,2.71377166208179,0.809235817181466 +0.112691851405463,1.53412056466681,-2.21062078489199,0.345143372079806,1.14784094192272 +-1.57125483021126,0.743028183288112,-4.06033899034103,-4.31038022347453,-0.847796452786896 +0.64577976199861,0.345858670678887,-1.60714748940939,7.10494743768754,0.873288424443035 +-2.24198124366419,-0.37818416962617,1.07015818201733,-8.16519310649765,-0.882699374234677 +0.240378353802077,-0.0185432110276334,1.97386014784848,-5.67051235061462,-1.72316573211046 +0.48015686256526,1.82141524814758,6.26847415117607,4.03793893225154,-0.776010478199833 +1.67891874554931,-0.0230433520703671,-0.0621432442896906,6.409139702608,0.926681409737176 +1.08880554633873,1.4457319204036,-1.97690228922845,20.1961174791378,-0.279569608889348 +1.20536595579685,-0.853804970709107,-0.772171307825482,0.295279182143577,0.446216841348217 +-2.11595045715368,1.40553171834893,-2.50945574925906,9.05421424741717,-1.20928236196924 +1.88552043428813,0.460974837709183,1.97337310739787,-4.51120758870904,-0.392400345498157 +-0.512392983515193,1.59407132998018,-3.52989641747395,-5.37778412954791,-0.9043348679798 +3.11497895091592,-2.80310106648275,-0.454054582301967,-11.1609051195535,0.1329095175164 +-0.792829549078163,-0.428911618119868,-3.87306962090514,-6.9276703275923,-0.959457673323727 +-1.38716004119502,-0.0149859823443977,-4.70587647993628,-5.23784294371896,1.90069588885667 +0.839665403660805,-1.68755882812576,0.459888936536364,4.53709884179316,-0.449319972140234 +-0.0142398383445503,-0.426242544301171,-4.32457191914097,15.1992539924951,-0.487865142357604 +1.48254230654528,0.727992444474997,0.225243760559906,1.48700032490606,2.17614443229206 +-0.561278924410896,0.42128554421155,2.45469658929553,-6.87227393220718,-0.10072039469927 +-1.10934002800022,-2.03569688596838,-0.578116996097836,-2.09197305808432,-0.34415608774099 +0.895119332651502,1.2839314922248,0.0323363789246615,-2.60827419973187,1.07729116908416 +-0.294128491271672,-1.26401674472107,-1.437267064682,15.0061234954028,-1.15549097510402 +1.26954429043132,-1.4212935834647,-3.62037676371225,-4.65155883439953,0.831558305391991 +0.756462202817882,0.541986418074183,-1.08839172743753,-6.81652134320451,3.43517664749042 +-0.267820327751605,-3.21853984924703,3.91375061719942,3.24181766714468,-2.32674027722754 +0.207047303097755,-1.59757148136431,-3.56850412357187,-17.7314166683842,-0.329930977548677 +0.433770637635378,0.732301171573494,-1.39834890262246,-5.4507581578416,0.504106742465063 +-1.3755526207726,0.223942040724932,-2.48092046217223,-9.08959620457912,-0.241215347670742 +-0.681842955217696,0.18789744208019,2.55914574037815,-6.35722148757773,-1.5331677276326 +0.349892367439793,-0.608669860479527,-1.1046803301564,6.05946731404849,0.384918752376103 +2.17985487911447,0.516888713925217,-3.73971428881569,-14.4112387338147,2.37440373496411 +0.949294337406773,0.550538398085609,-1.78759334467418,-2.26537582569334,-0.583766798215019 +0.574470985032393,0.253044426557592,2.64426838637402,-12.0576902821216,-1.92155993671107 +1.0902536121268,0.36483199941211,0.0180034353267782,-2.1944112780591,-0.820758502087689 +0.539312783651921,-2.63151002345372,1.92690944571319,8.16821323281125,-0.46654277872296 +-0.767169531253957,0.575900292661776,-0.221206270905539,-11.8424207772151,1.65383807103265 +1.43068892303536,0.55905208948344,3.88413021747422,1.75058405520195,-0.120937907247291 +-1.27854068896834,-0.142471358903877,1.73301222961342,-2.8928526640596,-1.81300850440617 +-1.14744609012699,0.942530924439222,-1.34906271468139,14.4964565279682,-0.33357611117147 +0.368351401227485,-0.595117713329496,2.68570029845619,-3.65825001608441,-0.249628345550719 +1.99049895258547,0.205637125302156,-0.178491651486703,-5.38665528551917,-0.365958205400392 +-0.67355279157485,-0.198428319108608,-0.385878017734299,-8.0134435583597,0.381163716169853 +1.23706609061637,0.990842397044786,4.98549206518069,6.25695744169105,0.995325413020703 +-0.213290220369951,0.798920082705154,2.06198245774497,11.8343638825794,1.47350260641521 +0.57148156202171,1.68912024683143,2.49009647586339,-4.56045279649517,-0.167237560384934 +-1.68972333871742,0.330155153628367,1.3662370661021,-4.16964673715752,-0.100133734437642 +-1.24963129474536,-1.20810363268568,0.615271670621149,4.106267522222,0.801439438298717 +2.227110884435,-0.813525273254501,-1.40805785600047,4.64394600437287,1.79331715344231 +0.0288192461612293,-3.1505960736696,-1.0120279162012,0.284011798894016,-1.42695759281458 +0.0798463692778607,-1.72532238579843,1.95124236726966,6.61991587717054,-2.54432703091401 +-3.0270721399809,1.96720781249721,4.4311230270287,4.79551324215063,-0.117730969224379 +1.43597612589592,0.663254455385162,-2.62220495524257,-7.36128037948241,1.45375509705902 +-0.157329252611945,-1.7220700846227,0.416773138571623,0.812860824976778,-2.24760540709259 +0.534974333217048,0.112305060391633,1.1898170045754,7.45968073854832,-0.895277105499887 +0.42560473277907,0.0303750658997581,-3.94084510826664,5.84533762781163,-0.313261045973615 +0.46059681505205,-0.851340316730096,5.43721587283011,9.84640436945576,0.0597085463965303 +-0.473083512320676,0.659919902248608,-6.86585321083733,8.34286977220947,0.0954092612722667 +2.21815703325145,-1.05284688705448,2.59778950564872,1.61409369888367,0.25313309354587 +0.159788948393107,2.53558233876743,-0.79556568253125,1.94602627356218,-1.42863080669271 +-0.19903319762886,-0.364974048849612,-5.94807027521065,-3.62144624382124,0.0441907745411308 +1.90847109970339,0.100424600637152,-0.830532562733903,-4.80253012395466,1.71123180140167 +-0.438943060266827,0.230530180939916,-5.67142965775428,14.3263244040457,1.03149688929268 +-1.58444159765828,-1.00755971025238,4.14584757771262,-2.02571478712014,0.449220119106506 +-2.45783963108568,-1.71174841651782,-2.37164375264962,-0.311945004015242,-0.945394272162425 +-0.119578633827405,-1.58247587070283,-0.0458455682537162,1.5571479635204,0.375602571405778 +-0.699451103244658,0.542329867725819,0.525262178947718,4.71226408006582,1.34045781494337 +-0.254050581387599,-0.0243619197744831,-8.15262196083115,10.1540622375198,0.145520315203726 +0.0885616472589464,-0.887936740966915,0.105741225480907,0.940797680527354,-0.959858979757284 +2.54991344633302,0.340868731693135,-0.229636241723763,-0.251878132102683,0.730125356291552 +0.759475525542328,-1.32360024344173,-1.79435481781159,3.30112497617399,1.49443598208639 +-0.232209739088081,-1.36919440955785,-0.692166099885112,13.6924982297568,-0.899415883680265 +1.49879068609404,-1.25740183623218,-1.44236679805252,4.15249390302491,1.3152317496038 +-0.36165916298902,-0.79828398871459,-2.21887684556797,12.8452319318658,0.846842520275778 +0.614284975653429,0.00411225078568074,2.30959562071379,-4.70112815208255,-0.126367455382061 +1.36811961933998,-0.77992584286057,-4.51553174478895,2.62815883950556,-0.764153390672347 +-0.109259234314584,-0.46292311933404,3.16295309970688,13.1944681365532,-0.741375088275706 +-2.23810347395331,1.80836926006567,-0.247098920348851,-1.72657691974241,-0.688482280653373 +-0.580447359065466,0.621883213211058,2.43097958856085,12.4923069961705,-0.473636035797691 +2.19308624976187,-2.09516957354622,-6.10608220666455,10.9940780902977,0.191635890943487 +-0.250421413935964,-0.826544614274734,4.17606155675415,-23.0472344074943,0.366596051673763 +1.33755628367651,1.72198265621546,2.69587036473086,-5.65082082412516,0.177549379512722 +0.520990378109806,-1.18693487766008,5.15880616666626,-6.04257956807335,1.18923901624137 +0.0822595807875929,-0.759298499956633,2.97467311304915,-14.4710861843598,1.1097121340864 +-3.08998858496651,1.65798310026383,-3.03837099211029,-15.767390282864,-0.702028831948657 +0.843034687071786,-1.92586036744382,-0.579668700327922,-9.92267712004674,-0.924048093464497 +-0.711472377891522,-0.121986489871685,-3.49591330888641,30.2855273337655,2.01701234343385 +-0.436082570194882,-0.247233887716471,7.45617477542597,2.34935416766248,0.498152431727438 +-0.627990303091861,-1.86836174887793,3.9698939662687,11.681918645138,-1.8752884185876 +2.13247711853166,-0.478983543028674,-5.34921763265466,20.0770520240316,2.85704578608017 +-1.4077478611327,0.265869858672234,2.40582537206977,18.6858232801211,-0.190368855419813 +-3.16751776353494,0.708759294701601,3.54471281991976,-12.0515766940501,1.06756098955911 +0.643105554241034,-0.694835057830228,-5.62357118994205,-15.6677622502693,0.452516827176461 +0.904828471975603,1.14948414773107,2.25918102566848,18.3392517281529,1.33785871414068 +-0.219765860721401,0.143831556647891,0.148245689548766,2.67435139365961,1.04107243759797 +-0.269897397948555,0.833090546337088,-0.484146958538321,5.55767034290025,0.681938403368601 +1.91830890368706,-0.0266033744765718,1.6311744913754,0.405224351709802,0.685677172796478 +-2.5472611281071,0.720075877852665,5.54403272739072,-0.517085717553226,1.41799041747283 +-1.26826499074238,-1.48118302373551,1.26968767924567,14.047605644535,-0.545351031378995 +0.869748022339703,-1.622477083615,4.53230423289142,2.06936452304417,-0.343160417517118 +0.454938964940677,1.16534225809567,-3.48023441409023,1.0324455621745,-0.401184718059745 +1.52552579621,1.05275294340049,-3.75750725389774,4.49445670753041,-1.18486281818461 +-0.945581361451834,1.29854002639638,-0.94643750492184,6.61968099571209,0.0430371016589163 +-1.88587791719279,-0.42915862415837,1.78023087848507,7.65024005060598,0.540503863148336 +1.09819618583528,-0.160073397072853,1.29542160536159,3.27914976062645,-1.56226766031982 +2.12530218827071,0.934724666059225,4.07186052435351,12.2611711089756,1.13897691293163 +-0.066490232237962,-0.604602399830117,0.0293429238626519,13.4866400857859,-0.297399344856183 +2.21923221361435,1.36289172064997,-1.09736678024302,-4.0526973114891,-2.01122611957815 +1.85735104015491,1.78595286909541,-1.26523554309169,-31.1038398994308,-1.01787489896462 +0.591059721372754,0.776821363150764,2.44992856901631,3.67903314285971,0.38363757953569 +0.505898373923475,2.2238438603219,-4.78534555791641,-16.2875030194849,1.86688753706946 +-1.48933902701241,-0.39206510522548,-3.7071510517074,-9.08127812042303,-0.467233716867942 +2.63146987631126,1.76012604124702,2.74937546166385,-10.5208640618106,-0.0383991915825768 +0.390641336450145,-2.32736960824989,-1.83366423749838,8.32465575538298,0.69771263236512 +-0.163899518362144,0.305560475271045,-0.409498888115834,7.29144653455393,0.715657028552199 +-0.864427857988714,-0.0685030720659988,-2.71966669313175,1.52510737964307,-1.02018918747533 +-3.2685117673542,-1.89651193309507,2.4964756963337,0.548297508559322,-1.41185512335744 +-0.379916011132558,0.0776041421563988,-2.76641632259902,7.64788453180042,0.594341139414516 +-1.2186187333074,0.830531870719725,-2.86031919776127,-5.50984399257656,-0.625156754460013 +0.0644297766706898,0.241696508754282,6.10508602420198,24.9324036005288,1.55732823487239 +1.81651982520714,0.286781123093053,1.53287109033342,-13.559891186111,1.46794218593528 +1.13490500562811,-1.70336993318833,-1.18693848981124,-13.1984883167276,-0.381191877595526 +-2.15614884241068,0.389043206308849,1.27171098455401,8.71542246227348,0.409542863924928 +0.156461277844238,1.04671613002441,7.87231241601219,3.5853089364943,-0.894893267012422 +-1.21604821519853,-0.367940329971463,2.16917979175959,10.445140565066,-0.97054321728013 +-2.03374921180274,-3.66966132452303,0.815182066260465,13.983036670758,-2.66233598218666 +-1.36486966891215,0.150324209405824,8.17854093760604,7.89108527587603,-0.26122361958562 +-1.63972446431209,-2.8909936673229,1.00705420174965,10.8299901826419,-0.615461247436188 +-1.17901542718063,-0.989494489604889,2.99361512478418,18.0898130066811,-1.68831914520066 +1.58671025861105,-1.04720816390788,1.87767682239646,15.742130378665,1.94228800426194 +-2.08970235109522,1.3858597085154,-0.485522046839991,-5.03062362962791,-1.27017425559778 +0.435835685493506,0.864021359895596,4.12225393526184,9.05116378371855,1.91729981694684 +0.0493768100017332,1.02049438168937,1.63551865601252,-9.0174566959957,-0.0172800230582322 +-0.156213156500136,-0.428407396035359,7.50724787061038,11.0332290133247,-0.0974086783108739 +-0.0164061751822864,0.235983493846877,-0.56857186580417,-4.97733765417235,1.26861283772407 +-0.430734042914766,0.449710332218221,6.47335263929009,8.52832773627306,-0.199675336936221 +-0.123762664250389,-1.35412641321289,-0.170224780253294,-3.67570044842123,-0.937403151837863 +1.95368030686289,1.12894509860657,-6.488383481,6.18954926209819,0.915931136535755 +1.8299261045288,-0.301125190358588,2.95570554348562,2.9668180768086,2.19422772205267 +0.521538140219034,0.694289817866786,-1.8258736344776,14.9921698341119,1.17993488214982 +-0.516197824087934,0.627669447028728,5.91530161744243,6.00359736266749,1.07356200952637 +1.42370376775281,-0.817329493549613,-0.183300207571043,-5.07247781219194,-0.518823012281905 +-1.674417653544,-0.467130102621579,-4.86763619342217,1.18021246838244,-1.27557768542538 +-0.0693073904946082,-0.978967027625929,-1.10385222828802,-0.598049699154285,-1.23778694688223 +0.239745185117195,-0.755383131412679,-3.19318778353106,-2.29805100615346,-0.769195456746808 +0.874332276794782,-2.0738678843507,1.40392436174508,10.0720851665638,-1.36878180686431 +-0.444454429488263,0.970005489535686,1.56897426122078,-5.68676951483918,1.53392161062778 +2.79909432710173,-0.254613319768158,-2.30331973419025,3.1782261293243,-0.822869618636583 +-1.04486737145163,-1.95459673502301,-5.15882504862999,6.77683799799905,-0.510478729433361 +-1.21919507345185,1.96418577463532,2.2065973840736,-6.29405036668666,-1.72146167306391 +2.78627518231287,-0.969914775285028,0.724779483520264,19.3596634890784,1.90412181324307 +0.660333871199197,1.62379711571414,-1.17935171545227,7.04607354765767,1.69072390113676 +-0.524756662229301,1.57216604525623,-3.24561000943176,-5.12555090155758,-0.0562024960102091 +-1.09956772735615,-0.323144960112196,-3.18215414512999,-7.76631344359021,0.957231036349398 +0.564249915400339,0.483857708312293,1.88313448396486,-12.981236643569,0.916646281065611 +0.278865111391913,-1.46465534118871,-2.29863929576608,0.610374075437002,-1.77131401860167 +-1.5761318896607,0.654671434537703,2.42875253618997,-10.9667547070235,1.46686796833478 +-0.126416321570442,1.86679368704547,4.47659032974063,-13.9974525504417,-1.27153877831683 +0.679831418551872,1.07163623167641,6.45764808662851,-9.68677521087085,-0.158168471799681 +0.534308080510597,-0.698831634324931,0.884816601375106,-8.49364021854188,-1.78742109754054 +-1.40070359902767,-1.38560828209653,1.72847456578641,13.212694383837,-1.23335507922595 +2.32196017755167,0.298048234384431,5.83420125243294,-9.15194335159184,2.04866816440007 +-1.26621915996456,-1.10074246664189,-1.69606090517957,6.9190069959586,1.65340386933816 +0.228230599079751,-1.56557007159554,2.43985385354525,-5.98067818229711,-0.0907463122356114 +1.27799000152314,-0.751524803355213,3.99842215914365,7.35239813003959,-1.39786313478335 +0.0926401575392312,-3.10178622663991,-6.38359043816948,-16.779804172044,-2.40430162085111 +1.73002741316716,0.989733349288512,-1.06718497957997,-11.4956942894377,-0.535335123183632 +3.19406912493945,0.471096340535527,-0.736730307322423,-14.3618951076595,2.1622398591557 +1.31365624476409,1.46684864788712,-1.11160211267431,7.09199387797983,1.3152718149213 +1.16351379511798,-2.30115791022187,4.07345429745232,-1.01182301206406,-0.823146173555009 +-1.20725240376656,-0.00882501329268702,-5.08066497433767,7.12034070476356,-0.111746563732854 +1.99390314871029,0.490841609031681,1.73664829568543,0.508453995035851,0.128964191599621 +-0.0516094986698983,-0.0546044912479972,-1.79558076032967,-4.26418361314622,-0.909323623223152 +0.481198688930664,-0.635765510339163,2.38348092026294,10.4363316285802,-0.208422677971212 +0.135571902206177,1.83466839707253,-2.50356965158898,9.76813155428105,-0.66404653625705 +-0.207581157565458,1.58077899567415,2.32503233563295,-9.22094133493541,0.950745531671119 +2.44964427917885,1.28050540246711,6.48104937162849,-5.68280224992562,1.11066100638172 +2.41122350660497,0.34233128165508,-2.7461551027771,4.92930436174567,1.47430876369421 +-0.993981332199564,-1.26853877140164,-2.08373447376811,-15.7899101287589,-1.28680907938903 +-0.497273379363888,-0.200370798906968,2.28069459604992,-4.31211342918502,-0.48847066973028 +-5.05366315313663e-05,0.234088688090164,-0.4924373598944,-3.59551606716929,0.36243195470816 +-1.44079070944747,-0.863311126826937,4.5770456913184,6.85495531894284,-1.00880738165243 +0.725043970401762,-1.73415758084308,-4.84887699918933,5.82527350520866,0.651372983510805 +0.697560180598386,-2.08313222592077,-5.1135114722686,-1.89597761315402,-0.425446470901162 +1.59519771547683,0.823139361383957,-0.928838602713997,-0.968405613469184,0.859433781393292 +-0.986061376610687,0.135422679626986,-5.46957770408169,1.98371567603946,-1.47233898805173 +1.18207849725692,-0.462598603085741,-4.14477592193622,17.8619101512078,1.38909780927584 +1.07928726343888,-0.123284620356038,-2.72392395100529,17.7935882276049,-0.276024219250749 +-0.172537410231024,1.07002145374309,-1.12515755538944,5.53310239173879,1.27723927713352 +-1.48425873013828,0.398149197736017,0.0155391145670595,-4.47287131287878,-1.77522538852654 +-0.298380425363464,-0.913022948259137,0.192367734758701,-7.12818271910633,-2.68667625733934 +1.96157187460557,-2.13722453071884,-0.203773211515788,14.1302638249192,0.0891146268787718 +0.849977092997896,-0.0394781737894344,-4.07214242026823,-4.30045767841379,-0.780922241187219 +0.698874063828454,1.28590636055063,-3.42716850488399,2.82796128422039,-1.86158840169064 +-3.39492353915911,-1.02515812401687,3.55421850735873,-5.09292623163533,-2.13107364601454 +0.0189590316323725,1.43638344474691,3.8584917392042,-8.06175767502052,2.11602959683974 +0.723354186408974,0.739680418493931,-1.42949566079059,-2.37970366247031,-0.647185950186334 +-1.33581964051659,1.02466365510077,1.54413316036476,-13.7564359838722,1.82397990890198 +-0.560189777394142,-0.599591580298479,-0.990371616833717,15.0971597949059,-0.926206921279009 +0.37150321890117,-0.255124468976723,2.19052449706153,10.7398860615697,0.559607283231441 +0.19285798484896,-2.46724941954947,3.44650955735508,-7.37188215131878,-0.452363977491538 +1.12691739684742,-1.26682771136302,0.806210508718322,-1.86983116457428,-0.510057172560864 +-0.154266629771221,-0.248579747895508,0.0410449849823999,10.597790633643,0.817290175167351 +-0.0550270071326769,0.250258542632232,-7.78713589755025,-11.3451687742044,1.30904395848788 +1.27389906570327,-0.31633978287227,4.50589231548141,1.9149004195346,0.284539235421431 +0.0660085020072104,-1.4812255872555,0.185156474962474,11.4818237907962,0.52721945067884 +-1.50812347049346,-0.769057661993824,0.443220395808698,-5.34924461310678,-0.584200093343147 +-1.05292749081151,1.88947072473564,8.63092788972954,10.9263625788977,-0.107095147100281 +0.910121743978027,0.803780711718455,1.88158757346179,-0.214225724572373,-0.197897977731948 +0.903001946721762,0.248313546777168,-1.17472968277368,2.49639909380657,1.13291095386619 +0.824865972836728,1.2283619770082,-1.46212962184985,-13.6867136913843,0.16943854736377 +0.634129524631873,1.06923887597204,6.38052864582767,9.48223405587401,-0.182770887067656 +1.33128421163178,0.319454503119688,4.47990172631621,-0.497970864881114,0.0952970605786918 +-0.515855966070741,-0.696914943794702,0.904835043589584,4.56170080881768,-1.19799601268282 +1.65016677079528,0.664933987160837,4.81276031750195,4.3330035167685,0.68658357357685 +-1.57507537725979,0.673809263982463,-6.06551624979348,7.58954442833973,-2.5222558731102 +0.89906120087221,-1.14661118299639,-0.588237820980334,-24.5683866413452,-0.200690234348141 +-0.465409674995873,0.494423788973729,-3.44678601656868,-3.27583792951994,1.86890793534614 +0.831573369411605,-2.27943507120242,1.56382055646334,-6.46026327838146,-1.61843353665632 +-0.136665156339172,-1.91624579632769,-1.73688338455708,11.7205003117378,0.712568393116182 +-0.566481412684642,-0.0384437668744327,-3.41410779396831,-6.53870885376478,-0.117394227727604 +0.0574719862967885,-0.789034328230666,4.97027258659373,-4.04107803797827,-1.48117513478892 +0.366323512445145,-1.98651728292994,0.853952716506173,0.800485854786338,0.224550745300744 +-0.0052014233176922,-0.499583204950686,1.91379774162265,-2.57578614115895,-0.11973883422208 +-0.230047701798195,-0.0216283124139273,0.613553530419867,-20.6706985231232,1.02227242032304 +-1.04735585048206,-0.189310788809033,-1.30009906320867,3.74861779540086,-0.596807381279083 +1.40948596819097,2.23008046850788,1.99662484086698,-3.98206492873306,-0.0354073086061679 +0.054806801053765,0.819334168876876,-4.63438938456012,6.02485139485892,0.200080127101522 +0.307974612679953,-1.82929289323281,-2.30013420079445,10.3605729343516,-1.31329690618488 +1.57647651730815,-1.44962384482998,5.09209110994231,-13.0686363921321,0.859207054362 +2.00222895722253,-0.607398263887265,6.05062729624561,-1.13040112336334,-1.17955550163593 +1.82547530203379,-0.601093692868717,-1.65476669582868,1.05004536318731,0.222148054639311 +-0.379271399325528,0.390249252467255,-1.11594362817272,-21.3472123871844,0.201123005448087 +0.779170879059534,-1.1034194482237,-2.01127909185929,-14.6966653447993,1.64694547418924 +1.92954348374646,0.154383417603113,2.10222651740614,6.37015817052805,-1.40825596455563 +-1.55123671435823,-0.936606372057104,-2.92187088470728,-7.77854775255413,-0.310962167121807 +-1.60618399792061,1.46303213003551,4.7637747734124,20.4364574536961,-2.81361792966323 +0.14516027291696,0.00257145822813032,0.911245715613265,-7.81987734369166,-0.677301933045828 +-0.696667357380681,0.652494081707451,3.57624168650443,7.83146473080869,-0.430301330491835 +2.56271454153914,0.077671950199707,-4.82725508302087,17.152406300634,-0.23933606917269 +1.47460521741058,-0.937842434806884,-0.49965202095092,4.77713569299183,-1.23127337852208 +-3.1497377826555,-0.372607898193069,-3.79726354521593,2.14220554210693,0.308472441743923 +-1.96043180053121,1.15689329769915,1.39611680687518,-2.986317154663,-1.04733294185724 +0.991379010184909,-0.220326111146186,0.0399785096526236,3.75917523294523,0.98836585845048 +0.453641720903781,0.364410293777484,1.0244836081981,-13.3913522580374,-0.992794688276727 +2.51643078662657,0.352904775333714,-4.34772837898368,-0.194735357041801,0.74474908090104 +0.250409811757305,0.0390156854136473,4.26638788594502,-9.92888329619699,3.32004674828218 +2.16582146697544,-0.969826270332206,-6.10288438015752,0.52973872555149,-0.0682760420612964 +-2.30900325742302,-0.582401413360199,-2.12626998442934,4.72825132819568,-1.23093387847089 +-1.25452769909276,-0.641915116878751,-0.96347911056474,6.82883718203174,-1.39103150481596 +0.195523467339486,1.42172102909452,-0.149920988177627,17.967368673197,-0.155590122906916 +-0.575032040296061,0.147183249299718,-3.26540505218376,-8.90385133892188,-0.085504959664155 +-0.946035344114982,0.662569740602267,-1.88085531052635,-17.4358283668542,0.385249478699153 +-1.3925283590378,0.277826629138389,-3.4132456450844,5.0949563592008,0.522407956890974 +-0.634340422611358,-0.732076719486597,2.87372501637535,-1.73111648111252,0.332506377955798 +-1.83227042190085,-0.481120219142941,-1.44915927136016,3.25928612726959,-0.613323658635121 +-0.790445651828638,-0.932909167342235,-1.22137278642413,-3.83583339023277,-1.28164320295923 +1.07504312659571,0.0648121430382851,-6.40409633789068,6.86823573017699,0.305531710544836 +-0.902840076570975,1.24547756431405,3.39687483007884,-9.17637817501445,-1.81000583391415 +1.08292165464396,-0.390728976973169,-2.3375526131454,-6.7822523904832,0.751525886968906 +0.387376591255932,-0.164845696773265,6.75492339613883,-19.2203310376714,-0.409273844603378 +0.467890562988125,-0.604639367840883,-1.13101115633194,8.82447854328788,-1.48978953525532 +-2.52748926222265,0.107442649600316,2.07185183576431,2.96288182682446,-0.85909020574636 +-2.25328549009889,-1.30296840377219,3.80363385615062,-5.4754673174029,-0.0618458109793375 +0.166816938787334,0.870537192483566,-2.97871202736474,2.89879927774278,0.924160223084461 +2.0602126097021,-0.0465053647142102,0.632944902575209,5.24274454682555,0.538718067453894 +1.11273988598461,-2.83806616575918,1.93557819175994,6.78429154209727,0.491684867804155 +-0.133870596162786,-0.696818077270821,0.70236534460966,12.2012052457361,1.04314228585493 +1.49603361915346,-1.35291651840186,-1.04932061695865,-0.0755050914529691,0.188944426449596 +-0.159093660772209,0.422896561258301,-4.3069714565292,4.54608827322563,0.71817459929482 +-0.0114410277515103,1.85518517521632,1.04633460274225,4.27749517828062,-0.803429422175738 +1.80014847139805,-0.0672941837254818,-0.463266750854814,15.3550609092525,0.323849618028296 +-1.39905243440913,-0.584811181724993,-1.95163791762192,-12.399749112746,1.36814773656208 +-0.171435498509587,1.83761249728144,0.429962455799412,4.17211659711924,2.14709518621274 +-1.0177308659474,-0.164903195035172,4.07333641323635,9.95574547053681,-0.815509539997401 +-0.639922966254056,1.45393509860763,2.31169440469096,24.4273461648915,0.252877628058928 +-1.91450493905194,-0.649581315849682,0.168858945392608,2.54721624991515,-1.27458399485467 +0.142469457959886,-0.532739140578203,-2.2415105427673,-1.42281804043518,-1.88244914251613 +1.15450828542842,-0.194977635469791,4.56636206786368,-14.8033873740596,-1.20586939600467 +-0.102468462028973,1.77014940002977,-0.978421358166025,7.68239736918125,-0.164903975294513 +-0.34994539599822,1.22360992711724,-2.49054535973533,-28.6181919790958,-0.110763957590156 +0.722033787626612,0.362886140999071,-5.90055738250809,8.8028180822959,-0.0536714647724725 +1.58805015013286,2.1220043704342,-0.156451863171116,-3.84395466788729,2.13218866824583 +1.16235179318033,-1.19929746651032,1.56450115950294,1.2389916946213,0.633325198591753 +0.941318701879985,-0.651435140628169,-1.71221121673297,-3.1773241295077,0.260858058991662 +1.66318814082986,0.622931717439929,4.23272945718946,-2.41454848804023,0.0660216805081193 +-1.16382601409319,-0.114552764637975,-1.09836930111797,-6.96365140432214,1.04663754540167 +-0.0743776014893906,0.280090965394934,-3.36832213529886,-5.04943332897155,0.244855543539707 +1.10862042716112,-0.769645415490837,-0.856774931113574,0.175342893137229,1.88396794005116 +-0.699506761008214,-0.30018707627133,2.87004102481698,4.76954618742723,-0.431693721438859 +0.843938567482938,0.393282559666617,-2.47628385865076,1.08465796136167,-0.552135677084068 +0.100175077683299,2.46834720384964,-2.50309233591408,2.81833494849071,1.03381659764377 +1.21811197792792,0.279896967236348,-0.753663770688675,2.75188386206845,0.604220121365713 +-2.17357885410914,0.124235111657364,3.38642854621104,-14.3272663706245,-0.567199890211544 +0.389975442659518,1.43403423846312,-3.82349856407943,-5.64511047388852,-0.15015773730599 +1.20313483158293,1.79531443103946,6.36633260159117,-7.29479148706168,0.558956401071684 +0.648611187907422,-0.55187312714823,1.11871813443492,6.4646215731939,1.36439702441946 +1.69553702812937,-1.08102089966535,0.565260922735967,2.07965869280723,0.00342075255432755 +-0.0873366777433643,1.38244761697204,1.03484059623647,11.4645278462405,0.758418564622777 +-0.133153609243941,0.0916844925489145,3.77265833749196,-1.65447824815397,-0.0137995873205412 +1.00785632169394,0.551098369851004,4.53631330432045,12.1602911687205,0.138548288220095 +-0.218384718805107,-0.19655061611782,-1.45014167400662,10.4406065698481,-0.214385315501611 +1.68044946560329,1.03645828351089,1.68669856771525,-17.1194621792484,1.87822452606533 +2.44970446218383,-0.0305317976511698,1.39218395809865,-8.62866798170913,0.282666795027903 +-0.667789789233288,0.500806767770385,-4.75196900069331,-15.0090565967928,-0.649030083347431 +-1.28000933679114,-0.178017264027447,6.85530318532023,-7.66533292546284,-1.36951089283436 +1.55448898743617,0.695439067311402,-1.27688844720178,12.0585266178461,2.79248673029009 +0.845091653078401,-0.166835028123441,-3.87484549225245,0.928221574256344,0.923780705088666 +0.846671480699616,0.0668898139119356,0.854833678923628,9.7284571563098,0.00940662411984644 +-1.13567221401658,0.673966069274526,-2.25570676187136,-19.1695582189715,-1.04773496740022 +0.195879139040134,0.534069823835948,0.127451205356972,11.6579961464166,0.570540082845247 +1.24775122329159,-1.49809163155622,-7.48657595160086,1.99078905422029,0.620898097953691 +-0.430951462060544,-0.279820394436618,3.09373528385275,-4.03119391768439,1.14381822408585 +0.399826686251092,1.5795697158059,2.36889707552452,-2.97419873089308,1.07968143566393 +-2.72579230451921,-2.2371123218162,-2.64754247894899,15.477001293385,-2.49441746430939 +1.39837962825707,1.06916619608457,4.068466292636,2.34056906425935,2.11981977731956 +-1.63606764900842,-1.65307921877723,-2.66481116734659,1.85572806133537,-2.19873498921636 +-1.86653150930128,-0.23369636109343,-3.02941523474288,-2.83929229726731,0.117655516924905 +1.53321775308121,-0.632094677624976,-6.69644146962716,0.263083793379723,1.14880239724601 +0.86704535295911,-2.00770387322803,3.99026085000604,5.74649601404725,1.39649856758833 +-0.672048872681274,-0.517694563983588,5.55616958720854,12.1720679648417,-0.857974638832939 +-0.494680008269812,0.770669226937747,-2.59767046603685,7.73834760107853,1.22160663564302 +1.05426651115414,0.184644989330315,-2.79498310074747,-4.67263083092066,-0.910528228994487 +1.28347836898779,-0.621678476558984,4.24376567766171,-14.1569414971745,0.19933167249876 +-0.0612241444082993,-0.579491996777133,-1.50171958682545,8.82379066163927,0.194673690410807 +-0.78851150855154,-1.02087566432075,2.53553828444614,-0.47391826247345,0.574879658163166 +-0.470168974930597,0.499123117871266,3.33220569033542,-1.00430853751319,0.558012049643738 +0.510576965334334,-1.71521858700475,2.00405630679753,-19.0793612698712,-1.41631619786349 +-0.220655612436232,0.555337923642914,-4.16322491473446,13.9576533760239,-0.140547052432453 +-1.16933496392935,-1.30895761902411,-4.12674041756806,-17.3827140981337,-1.00278332485751 +-1.08543939177641,0.247862510181154,-6.54573410091708,2.51885572920078,-0.985895212171927 +-0.026578496645149,0.763182101084005,0.459400799597671,-12.5303180536384,0.338705916866287 +-0.012638040748164,-0.0947456255396088,-0.852109177504644,12.8429036173891,0.442251142967581 +-0.588650138553166,0.259844941497027,4.93387278425829,1.68757083838439,-0.867944250592781 +-0.21378080227564,-2.82762283580324,-0.829522074750941,-2.6690080645357,0.0410549390810597 +0.223041497048313,-1.12040801265495,2.23305247285051,-16.9143013184775,-0.412712025012674 +0.591888547296898,-1.93456987104786,3.84268834867086,11.3913489401992,-0.0634023132666552 +1.96977235974538,0.800463825997083,-2.68912709983663,-20.8999903552826,1.09154037397852 +2.99743191234847,-0.54355008846259,6.93333999148532,2.78648857405426,1.00612906662067 +0.614434789776641,-1.2610256608406,4.86269360389578,12.31998035371,-0.912192877223005 +-1.05014879351203,0.707227594746513,-5.63123012858941,-0.429865035729832,0.851310461756655 +0.857036480610896,0.321270122837348,-0.429829634233224,11.9976009554066,-0.595926347461945 +-1.36375411152284,-0.482243899938965,-0.00928648358027442,-16.0651224109358,-0.42895221775711 +1.7572106222949,-0.0631960768163601,-4.54995083545162,-9.7713006155057,-0.185751324967301 +-0.998171823208728,1.39584896375997,-2.28507761876787,0.720431244321374,-1.0471272427938 +0.362062451359341,-0.962935405151108,-3.6746856004942,-16.0204720095515,-0.546823370349332 +2.27466984888579,0.736234188751961,0.584272385992489,7.05330351484172,1.51597140991398 +0.826712698678179,1.071101573904,4.34661485434759,-13.9985371119242,1.08995438434078 +0.0191923403308414,0.559089988248694,-2.87896175113519,-2.41220121921492,1.37884777802494 +0.754843345343937,-0.363729349450372,-1.22525898455005,-13.9137404278502,0.107444283848973 +1.94776669406217,-0.098836989347681,-1.95308342578256,-1.31226426509597,0.969261435130116 +-1.01156969325562,0.685213321508109,3.70675545867079,2.06942441163095,-0.926076340085586 +0.726502053352195,0.610250296103969,-3.40687892867776,-0.618171036632217,0.157604717374783 +1.57193580824486,-0.0868856798624922,-1.51423347623984,1.53971322287568,-0.676427175724961 +-0.628390884308242,-0.352862156503482,2.19213651500245,6.71231587821709,-0.0132431326643944 +0.621758841020918,-1.06211095023586,1.23160392843621,-4.48978080589145,-1.06577304422998 +-0.0867238454172754,-1.83667183714555,1.89803118264235,-0.99000142343743,-0.542885983258904 +0.128805641859913,-0.0159503762771284,-1.62664386160139,11.521682373424,1.22480716949181 +1.29462972501367,-0.095504596580983,2.58286312285281,-0.403397015605536,0.0212791053428004 +-0.180721779515874,0.126271287706496,-5.58409725555221,6.88749240664135,1.03053826682243 +-0.183875342301642,1.10835783308281,3.26258418494429,3.02040541012872,-0.309924612429491 +-0.454661720847341,-0.507659283515925,1.27904998412116,9.77359883119367,-0.524438528983026 +-0.996488583999155,-1.6227719060711,7.2780654774058,11.9001672490986,-1.2977834050666 +-2.55697556321053,1.537356849548,-0.527475701206891,-14.5137174851173,0.734028334366986 +-0.844790818240689,0.877930021801504,-3.05665747991741,7.05747414164842,-0.0822836239191768 +2.00020680692898,1.65460415203557,-0.175077437446531,-11.9273817800483,0.837417668897106 +-0.0814226810517154,-0.758108324660062,4.13365660831046,-0.236745276794824,1.12008728286197 +-1.50409927647705,0.638959305795114,4.47716783781451,24.4540530435513,-1.12288277976994 +-0.677106800843601,1.51204770241937,1.87655179052982,-6.86316213307716,0.723214575769159 +-1.63525388311664,1.87915816520893,6.45742098190762,-15.3524500048774,0.86326057882739 +-1.76816463436601,1.82918042183805,-0.409456530624538,-0.0724993322284731,-0.621525738204274 +1.09584593516723,-1.56486930972528,5.24946845649394,4.57138511893881,0.0933721338721735 +-0.342583997397851,-1.70984022151465,1.18942218305371,-17.3108682401896,0.332125716654277 +0.796854551580768,-2.43444678816685,-6.92524881883313,2.09307181105498,-0.876533001987277 +-0.737547428527257,-1.90888400925742,2.58505855366849,-8.56850282250226,-0.851054454894746 +-1.69742494906825,-0.535218671997966,-0.806697115479293,-8.43515474851942,-0.982724298023979 +-0.694809515376653,2.01933446302175,0.92018978159866,2.79205838537583,0.860143434788192 +-0.932270566187447,1.80722501565036,-1.93255365737983,6.59003299239085,0.581286549218631 +-1.09657110903725,-0.244504649526937,2.26747649440363,-15.2358560169476,-1.76484689625375 +-0.0208243032098086,-0.730847418009034,5.15432113405712,-3.7391239582222,-0.468165634024595 +1.16857932677134,0.748032973605477,-1.61242997816402,6.71913251475772,1.51122958727694 +0.0512648202689169,0.346071615282033,-6.97048839407096,-0.173449085649509,-0.43555076644596 +-2.38117513287362,-1.7998220422659,0.849192830409984,8.40543620622145,-1.01370095043949 +2.22974579277807,-2.31197142331824,1.61949339123579,18.3099964866509,2.74090210958683 +1.38893112142498,-0.824484381260844,3.60608649844048,4.32335203082027,0.98579352656564 +2.840849039764,-1.14437079260872,1.47626823153797,-4.6701952259825,0.351151351574358 +-0.283198600403749,-1.123574424845,-1.6816491841462,-12.3268433164187,-1.32833658157036 +2.43737451801134,-0.355022254247132,-7.08050679708575,-4.59356174772056,2.32361192726705 +0.2738445718238,-1.05608361588555,-1.22066545770221,-4.21217872400973,1.06402086337495 +-0.439476115163073,-2.18021631358441,-2.00128513755034,-5.16175342119592,-1.88587807769736 +-0.980633317055658,0.0542559587233918,-1.32812655133448,7.62396010227702,-1.64468686572768 +-1.72205464811951,-2.26672786385857,4.0298323838278,0.488361964212728,-2.43692751365688 +1.2187749890796,1.34343539910926,1.26354656940817,-2.4487815462791,0.488290669908598 +1.52138076551552,-1.37124916915496,4.05171907966455,3.31989405025119,1.46200803767723 +1.3461753619394,0.863545876313909,-2.80261525621432,13.5294543964186,-0.210526241518442 +0.829848987991846,-0.174239668924788,1.34506209463621,2.86536150906122,0.619912149339264 +0.338719411068163,-1.40578858579634,1.34093863321724,-7.83912197119044,0.644618254828525 +0.303167897863497,-1.57088238962552,1.90706889639574,4.66062750942592,-0.273941411031227 +2.34758532568667,0.308084349581517,0.574782186544219,-7.05086087025336,0.179597563156958 +-0.524361612015068,1.51189727032387,-3.6962054403897,4.59510681269935,-1.8623483992625 +-0.795941585386839,2.08132854615266,-1.7672206161459,-15.7290792264039,-1.18105146762857 +0.484353839226395,-0.548956206994371,4.0789280298306,2.8408794140559,0.525800755914305 +-0.690573073153769,-0.521970788952913,3.67222527079529,8.09648238172753,0.322504289494251 +-1.49960267489406,0.413892070473882,-4.07083603826122,2.95963478819829,-2.39444421202764 +-1.05541524544813,0.358357323601068,-3.85514215884029,10.8586327950191,-0.497493462579861 +0.591501609431505,-0.652817306888134,1.83604893915872,-13.7723102707171,0.129536597873573 +2.23584598936608,1.14367337551408,3.10426267339936,-20.8767265289818,0.162072813214038 +1.83434622939875,-0.4390563315202,4.09110943008076,-19.5373351450321,1.36649083059392 +-1.30094061413868,0.470164539977741,1.19474802448714,11.3366438297195,0.495370177218042 +0.208517232621716,-2.92822609683392,-10.1141089901588,-3.29830598544648,-0.186866572010406 +2.39103900353213,0.138328361565303,-1.01256996546019,0.243377497814164,0.817472802243304 +1.65810242977389,-0.025807395898688,5.00917758678809,12.0735917208478,-1.01547455559119 +1.1176620607212,0.902528386816215,2.29094259167102,-2.7121657899265,0.917316038097346 +0.2467738734355,1.75906011103494,-1.04451345605049,16.598355860168,1.87321215072608 +1.43934071290033,-2.48711135646805,-2.31781348544845,9.73767565147572,-0.922724007196965 +1.2791815439707,1.40514290272236,3.85860459009825,10.3130129088703,0.226387186028704 +-0.227689288319772,-0.662597721577531,-0.415919134273358,7.30384793114485,1.93394414592633 +-0.936098881009426,1.39505184943747,2.14107308085444,0.424631044102962,0.624205754378203 +-0.340969828590354,2.85152098798286,-1.7826701886544,-9.68479348742454,0.907436856025526 +-1.68986163645221,1.84965190929554,-0.0506706602030653,-3.59963783952227,-0.411355526613604 +1.0324224851337,1.09084432031392,2.80230484210727,-10.0470631497123,-0.892320559071136 +-0.123810743873821,1.41545609454697,-5.16646677743336,-20.9961191751129,-1.09935524690034 +-2.74732196706069,-0.298670740258078,-7.22993585381369,-0.912129936829214,-0.490076339292172 +-1.29096337073169,-2.49450028676474,1.03416011750992,-3.1254820810462,-1.42881742436611 +0.454450271018319,0.278955625749358,-3.49464486520229,-12.6139044109234,1.08710718578742 +1.2013590673827,-2.20253892900381,-3.77553290252353,10.044703434339,-2.36375616676561 +0.44147640534978,0.541967065150014,-2.97827083080055,-5.96701324590783,1.85636687841661 +-1.34253972502675,-0.846771943684583,-5.99514672272144,-8.38381673830871,-1.21805231137543 +-0.884555609089096,2.48987334750998,1.60589105042543,-7.83263391728506,-1.55481771506962 +3.60615585362903,-1.66218970009757,3.1047718165209,2.48534972693058,-0.720623431081639 +1.69074925313751,0.75094206594385,-0.270399601235898,9.67069652754199,1.17209011804191 +0.379564701212602,-2.06782016948858,3.87385242339366,10.7499147433215,-1.99895063055858 +-0.126482044638468,0.0259032271474264,0.233977571647284,-0.305890329371215,0.287878094305582 +-0.0606408852158261,-0.112967800738561,5.41761585296838,9.86620060441771,-0.575420846080829 +0.92936082568235,0.540906314171251,-0.739251515481765,12.7223803795496,0.355079735287366 +-0.256418737407015,-1.00197100276896,2.85034058855248,6.75147386442348,1.7000083074301 +-0.640739151619827,0.224568979012368,-2.0841638604824,5.46141612779939,1.06399199923305 +-0.323110369898053,2.54222074420573,-3.45660214572153,3.40035262527267,1.34899479870739 +0.0325062210003969,-2.21717457130607,2.62036544968114,11.6657086659035,-1.01831956177476 +1.14106050286461,-0.792792343446972,-3.45285069717734,-9.69226359421352,-0.368356294837961 +-2.58813534518816,1.51860606156379,-1.94887916242582,2.35418012993681,0.888437398322775 +2.29240498630268,0.726039062220714,-1.16737946291523,-3.57049173636163,-0.158769356333511 +0.211640946588093,2.08527172496226,-6.61584226569697,12.3546920165708,2.02299289651296 +0.488414980230454,0.412252067922048,4.0913467183055,-1.14706438189747,-0.471717308276716 +0.76116478432057,-1.15000273738522,-6.78883106140913,-2.40421259247587,0.772407393501635 +-0.769589650718947,-0.430651085776499,0.742415500522901,-10.2299939773727,-0.899993392597571 +-1.31789226160723,-0.461759426252442,-0.871152636152955,-9.16569204251688,0.0633109098152643 +-1.18232655899054,1.54654114396729,0.0196844261692572,-12.4425931605658,-1.38826687702843 +0.666940694396044,0.306925147265303,3.39418171831104,2.66466793739043,1.10385373119151 +0.746205521576773,-0.417962746792723,-0.54655410444047,-14.6369248971087,1.2029531059496 +-1.42390087589426,2.16095869220134,3.69675666400263,1.15063818738276,-0.710645279522441 +-0.109345767168476,-2.30480140092919,3.19323890547244,-7.39789437374799,-0.502439877604818 +-1.73970696135098,-0.681978554103698,3.03919731992664,-6.74141793336669,-0.0267142655808728 +0.456435711129724,-1.16894384347753,0.316423373187872,1.51671725592119,-1.55389123399931 +-0.600874750365506,2.77134702320111,-3.68391529774516,3.80248602400091,0.872268481709671 +-0.944694176665418,-0.420470759809619,0.256476370545577,5.44651070586641,-0.865812259277118 +0.325134836972852,1.68980526268047,-3.55968795254308,-7.20176340273176,-0.802665227341902 +1.33778994309071,0.124865309164462,-2.79905115789675,-14.8940850773798,0.149230640382796 +-1.98966948475327,-0.0212861827851679,2.48638388720257,3.62518831520246,0.770907559523187 +-0.592451789844967,-0.97661706882715,-2.3249349164523,-12.2854752401962,0.486178206598235 +2.26138785914364,-0.873642707478524,3.27047787383443,0.0914559399260664,-1.01568662837318 +0.666088927707094,0.0456315269455263,0.745960653380393,8.09451419937277,-1.44261046968715 +3.08166456264089,0.869414027804983,-2.64603688245772,-17.2819867461309,0.946414707166682 +-1.64647564681398,-1.07738770852117,-2.52482827293074,-1.1285926756877,-2.58883499308687 +0.181261989299535,-0.745174059073566,2.72193732515748,8.39904892635391,-0.920656171423257 +-1.07487887031364,1.54375609816633,-4.94963133396019,-11.0270581754391,1.045405613514 +1.40150630297868,0.143740355086267,2.28755532029876,-14.0179172896669,0.257602040091304 +1.5734194771218,0.671694692612948,0.706516581161483,-2.15063649779223,1.97779187631821 +0.541811479862034,-0.262806620078937,3.8834697613848,-18.1137763098493,1.59816009700486 +1.97401820633479,-1.50250857152493,4.70525101194778,0.700394741783574,0.130143864041056 +1.13780651878609,1.07709390202093,0.321919459810403,-6.76763110843781,0.713165015396286 +-1.69762531915975,-0.641631213909086,1.24329202640742,-6.82332802624151,1.39734515613543 +-0.310838426043512,-1.36895517842742,3.11679668471608,10.7689243948977,0.949359163240366 +1.20441865292532,1.03391596942093,1.78842824712814,-4.76687899360953,1.21566853266311 +-2.70832252238555,-2.77069050516715,5.67795254789859,4.27531925501692,0.852927321529366 +0.379151460266834,0.707294254627001,0.00688887687509437,-0.331797581730693,1.55935107352525 +-0.515359217568436,-0.0971643687564347,3.88952785042959,4.45625588787051,-0.399215372916725 +-0.498012122175827,0.710953595695889,-1.93968375094849,-3.36608263836284,-1.28107000366597 +-1.30476352821889,0.446914826838053,3.13044153982573,7.70877557111588,-0.780331436642276 +0.43424060634274,1.92581835509967,0.873539023577498,4.58584030374743,2.44418206951599 +0.320208513043621,0.0724816718862301,2.31740774166489,14.5128126588636,0.942499313580826 +0.694160492311806,0.126118473472347,-5.61152230296466,-5.3487444375718,-1.92512089498546 +0.437733700355284,-0.746834885802931,-2.09038861518375,7.27682507443821,-0.420030025753423 +0.524797196676928,-0.503304544341639,-5.05066499409076,-2.86335218576228,-1.46308431925678 +0.619965009590728,-0.389442105938907,5.50722440707544,1.08934712723624,0.713952282535295 +-0.762608711772333,1.05257818803117,-1.53925388573353,-18.1815550386143,0.417474619883195 +1.20243922207542,1.17675546763159,-1.59675691460534,9.17931775100119,0.32619237094742 +1.28762740578625,1.48579121905958,1.4939990268762,-5.05465827215616,-1.58438502535982 +0.0909692438742524,1.52096791545012,-0.827993065061352,5.54570765903553,-0.406174138423515 +-0.323178483032535,0.685948809370484,0.996382243711755,7.77601278072369,0.517826118410094 +0.0885751160096583,0.535807998494212,2.8858441136117,2.95995448218938,-0.83402013798414 +1.14205121690095,-0.13401862588146,-0.145856881119249,1.29741263550397,0.199322123642639 +-0.613463604981934,0.0438014931912828,2.35348314488573,-6.13971417397813,-0.611042134896868 +0.980616461442001,2.3615495802978,-1.98649741747647,-17.240301943348,0.41077712885031 +0.829894756596031,1.48758191304488,1.02982203552866,6.52861982785577,2.25963214404665 +-2.41762370057794,1.15745742609579,-0.430595602286957,1.75451671107058,-2.36766954292185 +-0.805185475038499,0.256926290291278,-0.366892767349554,-0.962740935069672,-2.06791494819204 +-1.48650568892863,1.73323832556323,-0.90181400512662,7.03586108622268,-0.252493297931257 +1.36064141206408,0.746112078276665,2.68307817824981,-4.05344622390657,1.481572609158 +-1.23344473414397,0.846813987457075,3.47266017485761,9.27222968785775,-0.381205007527861 +-0.500761420582691,-1.78091650728064,1.91756024579091,-0.200598306671905,0.150316660866821 +-0.276385218575434,0.151608930151258,4.27732821005928,13.6271551311021,0.0372097636886818 +1.40066389185495,-1.97784698739355,2.1588043639755,0.273174049052706,0.599496735464342 +0.636280879046756,1.05207137444444,0.698579670398676,-6.26082564966592,0.743261707242334 +-0.105041351094506,1.75696365299815,-0.625310532509631,9.6243755422002,-0.518757102858001 +-0.838039906204874,-1.37773139389124,2.02545001089342,-12.3466833141489,1.83769291393436 +0.593326748581847,1.88400462538814,-1.73098151317228,-3.67243518468058,-0.191226717631919 +-0.125491439243484,0.458853047077876,-0.469859673305268,-0.116190507641529,-1.02711201825284 +-3.04034188291437,0.152705453186104,-5.1915988164628,-15.5769866872625,1.72354686823452 +1.1204937823857,-1.20396753768354,1.14366559889814,9.02450670958186,-2.55644526483096 +0.558555722638269,1.20410373456907,1.80710127990687,6.27594576185984,1.12398287491647 +-0.521051946663393,-1.57568002271673,3.37242914216729,4.73042076137088,0.651051799887521 +0.184466292717939,0.674503232191516,-6.07521072666175,4.6255147638892,-1.10203384871286 +-0.881062723483054,-1.94189759623149,-0.598269480960407,7.61068342545563,-1.43642487752988 +2.38795746896241,-2.5035184533814,1.90566346996631,-10.5019710236382,1.19907029041344 +0.13454232636259,1.97436317188818,0.3843304010106,-6.44892466655028,1.81542895385163 +1.63353559865213,-0.245172354582044,-3.18623851180052,-12.4142487843579,-0.730797926859745 +1.59623263188244,0.323863716490338,1.99567159016771,3.10162388780519,1.74856216996529 +-0.83828987459218,-0.870674204495482,0.899570391393583,-6.00723318012932,1.01609270703667 +-0.812104194984239,-0.0424285039841314,-3.62368935433945,7.91831925340373,-0.230497458132003 +0.322716336100198,-1.03182302273112,-2.22666822028128,13.4943298376948,-1.85267067740641 +-0.448087854524492,-1.02782153541159,-2.24677309488732,-2.80928862034476,-0.717784436635643 +1.31304326839407,0.318544688723615,8.44611713657228,11.6574023941422,0.973623900816119 +0.202811809432555,-0.673867618044477,0.770382946303446,-5.29450916895032,1.31708730729668 +0.603156507342677,-1.52029023128971,0.522416587917763,-2.77338656782003,-0.159497914141981 +-2.0795435942294,1.59613632005883,-0.210383734003757,-8.58440968627026,-0.0729551829454908 +-0.788680471926812,-0.168737038219652,1.13652859379654,8.61644614477973,1.54547713821978 +0.325902335173006,1.38735982926472,5.1211657932707,9.40327243817306,1.39481093610562 +0.508314889608221,1.29012427464106,2.72966787197781,12.84811491571,1.61612416876099 +-1.13072203933418,0.724412577932325,5.94333433002979,17.6865174788099,-0.626897513331392 +0.032278715737271,-0.553378616532461,-2.05441998353731,-8.48178355506371,1.21786821037901 +-0.434926134219714,1.09953178256927,0.256364592762565,-9.36644129228447,-0.956546921810754 +0.95062262187464,0.626473518864203,-3.88076715790212,-10.9569229788153,0.643369302514325 +0.350119451587977,2.13497402480356,0.36115914241894,-2.06892678842562,2.19069495562646 +0.027130618200078,1.73956575772542,-2.85646298142945,-7.3037960407008,1.00465941718159 +1.29666970279736,1.50288853813941,-0.580727521356916,6.28085421649314,0.383169888354913 +-0.190695251639428,0.447469008816921,-6.19912150433493,-23.9889933621661,-1.02889608181816 +0.101840861854909,-2.96265981044812,0.567033517326835,-13.9260120941184,-1.36894452857737 +0.0200021555392088,-2.60880979461702,3.54649058687072,2.95919299841881,0.661631183895946 +0.176714297120699,-2.12137233698048,-0.911495039093941,5.90585930240559,-2.11175132255653 +0.568266109276409,0.941081465494762,0.603497428229122,8.29260631717706,2.57893201351224 +1.03860290842106,-0.524058664096495,0.649390151446813,15.2962463752844,-0.722867392844561 +0.371762208748541,1.36474023324311,2.87517697238736,3.64949014170247,1.85073680123284 +0.268577821567068,-1.57423852952778,-4.96830034609771,10.6370303368181,-1.49048078508237 +-0.127540526918545,-0.8535927387109,-4.37925185044548,7.20029244594351,-0.797340525589463 +1.30037236477533,0.440963846644046,4.19310507278477,6.50684652947406,0.542248567769489 +0.692770848550008,-2.20158542745136,3.35419859812996,11.506261361626,0.558476545569523 +-0.372301033648541,1.20257963209503,-5.2625001122416,-4.37756436289439,-0.0863657102648205 +0.431107460821174,1.48732031014953,-5.62670536245884,-4.16613937306381,0.789052817030164 +-0.895606515671014,0.0417198868690465,-1.38385343386354,-2.24084288245106,0.741860158298949 +-0.456136396315565,0.624833616004781,-1.42159536616236,-16.4832963892155,1.40672711526839 +-2.76629007280236,-0.333189762536822,5.39610756514098,3.02737658778284,0.491937241565413 +-0.900560950609449,-0.654387186639841,1.11979544282505,9.22546985256162,-0.865983401495973 +0.543852212358566,1.2591769972046,-2.13902872893387,5.66162948304608,0.216223508772727 +2.55812367465988,1.33276265394308,4.49202361048172,-4.49875210748401,1.27496368741388 +-2.39669157098741,2.22060375580581,4.96555216741485,-3.48049461777355,-0.905502765651938 +0.186675584067245,-0.702259693537031,-4.21973555799025,9.12757580406134,0.96875606258022 +-0.890340854498066,-0.832177813767169,0.0862645258941266,8.97633140450418,-2.34979751134822 +-0.247859642764442,-0.168987440464704,-3.16084052318687,5.18574115748319,-0.964279254817225 +0.889929345009143,1.95515293779322,-4.70202859887632,21.4715800050398,1.50100062968771 +-1.17643016591066,1.22820667867273,0.0698177704118096,-0.866569835507783,0.861838208917782 +-1.11054439839193,0.2312851669153,-0.846608449039271,8.33117433077974,-0.896020216724513 +-0.0378099981899035,1.18092583214239,7.21576716337409,-0.715561667540234,0.201812750283978 +-1.78217962728106,1.62635055660658,1.51686924170052,-2.06222462315513,-0.973358030045614 +-1.90518691160687,0.303090383521703,-2.58669224870165,10.4014522601144,-0.730934069857191 +-0.456827660027924,0.281128399353789,-0.0943479679558744,5.77755158281533,2.39063133662706 +-0.445518256649848,0.241911385458553,-0.601465477933738,4.66134543529054,-0.631872178882667 +-1.8769617333051,0.611141820320624,6.98158653373881,-18.2448963290679,0.691725421015121 +-1.30493302315571,-1.53041161113452,3.3386194186758,9.16897023122155,0.891947481740637 +0.0653100114244347,0.711431702695712,-4.82196381278631,12.1823462048587,1.81784411342633 +-1.61521919620839,1.08280563979244,-3.33261637812162,-1.0475958570303,0.616794180445496 +1.61368564341339,0.2054637915891,-1.19279048939251,-4.21688864638564,-0.694498813975803 +-2.42295428177447,-0.934085643597748,-0.811591400008609,-25.0360375127158,-0.63046125518446 +-1.16677029570217,1.75552430042186,1.10726712498701,-12.0461859270475,2.48028119609305 +0.29646134901471,0.185573166558846,2.54690484533644,3.32994786929872,0.492871027376927 +-1.25198953242476,-0.973865139312928,1.86868270697865,-1.24910436786654,-0.902314647930272 +-0.255238126300269,2.2044047441948,0.284121529435329,7.03083597930942,1.18252197575452 +-0.986403287174567,-0.383740792488138,-3.10089552891798,-13.2000168528458,-0.208462167567791 +0.775207002632855,0.0265054000477255,6.10041693617984,12.1657478418942,-0.175091557926429 +0.531896542452584,-2.76469415454792,0.220771965629477,-4.93892234966233,-0.679543656893775 +0.941351483769114,-2.05378231707406,0.375790213979,-9.27505251724946,-0.417829689069845 +0.429191789976462,-1.08667125091175,-3.1690111025925,-0.534588578846263,-1.99643307791079 +2.4546217513863,0.212073671914382,-4.01489428762922,0.486500872851223,1.84962452638602 +-0.0841192757363728,-3.8523777735054,-1.94482816042149,-10.8391740959373,-2.55209856517263 +0.238100000738334,0.0326557672958624,-3.56736847196049,12.0673547165411,1.24401611236496 +-1.80014393956546,0.645944438798555,-0.267370098841763,-5.0626619319618,-0.0402846134688139 +-0.39784272786329,-0.651537633390875,-4.86164994158314,0.892139573874193,-0.822161584710463 +1.12277291571898,1.11146065277127,1.95077042692007,-8.09471177380679,1.1516880779901 +0.096307584057995,-0.219610716013904,-1.66160224093329,18.1719825833809,0.150059196791505 +2.00989758450894,-1.10254089817312,1.19137657639348,2.58104077275651,-0.564811506907136 +2.36060809434219,1.913334433786,-1.5211143211887,-1.05085456828508,1.98902235313297 +-0.927180625005529,-0.574222298918869,-4.81272848499573,-5.772372322828,-0.264025519220363 +-2.36554588188625,0.13988251794944,1.11808335068217,-7.23288139662875,-1.00653902957933 +1.33721952890202,-0.782633137905517,3.17469012515384,5.74941791779919,2.45210825949547 +2.19471571398274,-0.387569388062584,-4.89973327228814,-6.61365628277492,0.790156393707283 +1.20571107795655,0.917685871600114,-1.39666782158442,-11.8878500990316,0.81785199858417 +-0.24992393806932,0.46287812709419,-1.06313224166943,-2.87174667107025,0.642478690105861 +0.248335389194079,0.484302836390586,-1.2117291495474,4.24496769078568,1.5345938906675 +0.524916168495837,1.325468364415,-2.25527409881964,-5.57747015831986,1.37209863203635 +0.612611825780618,-0.972938807142854,1.27414474171838,4.91686350939488,-0.965013946497153 +0.444293198157139,0.741923361709619,3.24316881829461,-6.13186221770858,1.68295345291376 +-0.733885896474121,-1.30059304330555,0.199727529488279,15.7925310514442,-1.11445858828914 +-0.673815205758277,1.24762891277603,-0.919291282464777,-13.6975043414197,-0.619231676296418 +0.367733423632849,0.217417088437632,-0.183166198206538,0.883421001926507,-1.79982670027249 +-0.832460476942023,-1.26204204164889,-1.14436974359104,11.9851736302828,-1.35636327932556 +0.613322351343726,1.38650799057615,1.13280248241469,18.9406708917831,-0.0377106509437576 +0.527401895847256,0.0493872678717493,0.648097429894168,-1.72378201259469,-1.60859955619976 +-0.594634643862637,0.730678858650582,4.07243972887178,-2.9253759012068,-0.836702807139465 +-0.243129325405666,-1.6276023605444,4.57560298168469,-2.39068774872238,-0.0761779998744787 +0.0348480788417809,0.752787732602178,0.639410396118432,-0.2077687473669,-0.410217452582536 +2.41508082106206,0.947531234601326,4.95298772944765,-4.40643083894444,1.07889600487505 +-0.904394479161552,0.323599985427162,3.24091521904077,5.43659862615162,0.677614181131787 +-0.665164093265965,-1.14924516812711,-0.901390337304546,6.370035069879,0.124959471237483 +1.96123385377454,1.16554655556597,1.41721955178291,-3.12566219405633,1.25249285870841 +-1.8126555064169,-2.64191886872823,0.684381874017186,-0.661898115351683,-3.0106303986923 +1.34742457090985,0.858613636733393,1.33999496866603,8.76501933975491,2.61621450080331 +-1.83801261176413,1.0593524724682,1.28740896651547,16.0551372557398,-0.508383091508764 +0.554506522654208,1.95248248966567,4.28284274295654,4.90334072490592,0.805774869570893 +0.0420815364050039,1.11491521899798,-0.267904621308058,15.6849516601224,2.21670651072635 +-0.414037161835205,-2.91437520895676,-0.390387189801616,-16.332328332968,-0.334701244137774 +-1.11055672470198,-0.420447691311199,-3.4556027155927,-17.4305702527228,-1.07559559805852 +0.432307718960131,-2.61792533120733,-5.29630106947307,-21.1754639644516,-1.76788239058721 +-2.19518005777995,1.40883317150182,3.15086815968622,-7.24825101879512,-0.836251388547711 +0.13009352804672,0.673191366883018,1.70270725351805,4.82372105044981,-0.407391389023616 +-0.572638189354384,0.0426319428671486,1.82175064406551,5.06060484870251,0.330966804014896 +1.40918708242422,-1.55851935799367,2.91097857529242,18.942694424659,-0.67170084899632 +1.7802143851746,-0.517155277315535,1.19742672774074,-4.8730194979389,-0.682707505971176 +-0.855217389380029,-0.367922667872873,3.21595456755022,9.05973952290063,0.0820966560234404 +-0.291669031926029,1.3958294995468,1.04476471808193,-7.56055170206486,0.24875760570277 +0.158188555467435,1.00399698247761,1.64409102104646,12.2119175639569,0.628476643160106 +1.27713978108523,-1.30131293740339,0.495833693229555,-22.2446591396386,0.635478755672625 +1.52523013349138,0.228649410392531,-2.36772379968331,8.44504442372216,2.25911600789157 +1.51520903883722,-0.572402223582942,-2.21367772558668,-6.30740799813937,1.64254697898696 +-0.398566945523128,1.26599867322505,-3.80484585924503,5.41327478275713,-0.353220096086878 +0.711101492220737,-0.342665888456298,-1.57657992787463,-1.79676758910612,0.154099356635587 +1.0835062449393,0.306026086860096,2.66632395985786,-6.74106201096816,0.675130307942658 +1.93546358503197,-0.0345767859016283,1.5999125962612,7.21995916645078,0.747014944187476 +-1.04289004348973,-2.65251153256001,5.99685196714373,9.68617016160824,-0.0779464754346958 +2.55647347900752,0.969628006362669,3.59775474432323,-3.14917836610019,0.633554165885875 +0.841199518842888,-0.193490809723016,-4.69012601343998,-3.63418689270681,1.0765529400501 +1.22076757996977,-0.0968103954353675,-1.33054451539568,-8.69789501250443,1.1144864972065 +-1.26567097135431,1.28555808130829,-1.99791804664806,2.91464453001562,-0.113084124934284 +-0.558076385464116,1.07588821532364,-4.28383982742573,-2.22470680051423,1.66612957672701 +-0.0821514382209955,-0.419547800012234,2.67765198354901,-20.5088642135392,2.15059363845557 +-0.897293535672998,2.38244879813523,4.36820108453882,-12.9905789358512,0.322375418046315 +-0.673814238862469,-0.277922433539892,-5.08178595694045,3.91956494718799,-2.2095038113566 +-1.32700321751765,0.235052599469169,-1.89349846514528,-0.742032169960189,-0.981981283046497 +0.144417550219957,1.69658221304456,-0.673714707895276,-9.1414362669531,0.416623843063554 +1.44596900751826,-0.983627228297309,0.908268616254368,11.7357449462162,-1.50075114859274 +-0.691422209251244,0.239320374254363,-6.29941407361875,17.2650413957785,0.839448871494133 +-2.16422749190782,-1.5834506071428,0.186381150533969,5.47631331936727,-0.202582472957534 +0.585813231311416,0.458177224096041,-2.09079688824119,9.98392957108783,-1.06002472815116 +0.595998539926237,0.775206514649943,-0.212860513892631,0.138266639276433,0.741831041428733 +0.616147616010324,1.91737726295147,0.887181098461102,-1.60944875230142,1.24416447066847 +0.735405188312873,-0.87842873913212,-5.01685354845471,1.91660137096311,-0.158997798527497 +-3.507698842579,-1.23238289649979,-3.08670019682005,3.12229311662901,0.426193671512823 +2.22042707854745,1.11212771163582,-2.44304875778037,-16.6966009976889,1.48657604513334 +0.54116069932839,0.252897115471641,-3.5409618477278,16.8644730287686,1.6723542245327 +0.46060958349157,-1.46994795842278,-1.05175447827276,3.80320853152086,0.23843217200225 +-1.39709180375773,-1.62076449613696,-4.7779232652903,-5.52538415186531,-1.33386160885595 +0.522854466116449,1.340483413197,0.11455505570304,16.6414177373919,0.500934097704984 +-0.88719802988395,-0.487187545777657,0.661481943122979,-2.71911962103177,0.433344776142499 +0.248306134090146,-1.44874771711932,5.39012542392436,-9.8654379750545,-0.467579091448866 +-0.160921999891577,2.09218385666501,3.13458370947369,1.50894648638866,-0.804349665203067 +0.0155847728786076,0.604584824987059,0.17881466989914,0.799140760265395,1.97603770682499 +0.800309225735811,1.92243209477902,-2.56805969636674,-15.7313202711038,2.00055706104162 +-0.0655744134034017,-1.65516177797713,0.227897657264567,15.8129928701609,0.998343884558195 +-0.587309906591254,1.55059286150417,-8.12783718664837,-4.57767911294902,0.523869065613213 +-0.973080431336803,0.788945798272408,-2.32710819845729,14.6454280590126,1.06133556148058 +-0.341057649733105,0.168278402138526,0.181152646303387,-6.70518107087122,3.0363889336829 +-0.579591987596135,-0.469638238857346,2.84641636705533,-12.6180255901677,1.02161151674881 +1.14745366445993,2.41107510531593,3.67403250615547,26.0982656900129,2.80540227236042 +0.115273024898505,0.215192575426399,1.3030862773201,0.531377256646205,0.819081806542764 +-0.585029859155606,0.209400325574486,0.0843700929286779,3.53172463726994,-0.565635235673271 +0.498050707322734,0.698570903843552,-2.28730966981324,5.85803894185473,1.57890878462766 +-0.611003767715665,-1.73640052705176,-4.6615579275246,-3.81082162829811,-1.94809055086968 +2.25830019922374,-1.20416776529202,4.3771594125578,-9.47766585901828,-1.82508253484561 +-1.46473665752581,-1.87365557262854,0.681760306369499,-11.527076801331,-0.218930494676468 +-0.188796579880428,0.027618083227083,-4.38979167833233,-8.30974502737866,-0.122800909607842 +1.20213774974357,1.06979197458746,-0.584816939259895,-13.62443430022,0.290384629836734 +-0.744679045602859,-0.947592136148588,3.02779457629576,3.82539406574581,-1.1112195825929 +-0.239390451622097,-0.95296684634321,-4.63315404452122,7.05446994732602,1.44551838435761 +0.483968588273635,0.586802732769758,0.592817419478088,2.84437200424522,0.546522358104688 +-1.1939000160526,-1.23305389564128,-2.58447721783313,1.68400429100769,-1.03253087458742 +1.17472764211611,0.379751518663444,-0.36339465372913,6.56557144410013,-0.0558712150098123 +-1.92078508786307,0.586071886565944,0.662439783962678,7.10195789127577,-2.14329521239535 +-0.275547476392325,-0.176599917801138,-3.56800344518921,-12.6352827362193,0.869164260853357 +-1.94763787986482,-0.68141181737098,7.92753751400213,18.7409741360845,-1.51358043441829 +-0.980780593609541,2.69528847717362,3.1610382626218,-1.6606653506301,-0.287592320539567 +2.71696142781898,0.372596724341801,5.15637576154001,1.05237095540162,2.39590756188451 +-0.310137139389603,-0.743826430407742,2.11387348470166,-23.7613914235734,1.16336775423765 +2.35008267813203,-0.00465948122761226,-2.58533372327213,-2.63240097190497,-0.0258492433087447 +-0.285762496318413,-0.37477322723303,-2.8949380095474,0.873705137192055,-1.148122602836 +-0.652785663436178,0.088388593367251,3.99754987845545,-4.0470271829789,1.33925149895335 +-0.623057649065594,-0.722398527198554,-5.94196059436953,2.58282852785135,0.872525140724532 +0.829292468683428,-1.79610872316666,-1.12693975610466,-10.5583964187931,-1.28270886193651 +-1.10482692139844,0.438219997011971,-0.273654431080368,3.39943565226404,-1.60019239277648 +1.02996295723932,1.86798071986946,3.31631188945032,7.06322690955911,-0.391513478235371 +-0.875928422124887,3.11220542755651,0.85741166480942,-1.00281799610325,3.02616192991452 +2.03467365959337,1.46432688497511,-4.32838349607921,-1.28023561017692,2.44833633654424 +-0.959036142546003,-0.0434640435917026,3.00264969299131,-1.28846043746671,0.0671989265876162 +-1.98896917858672,0.990187384709099,-1.2656611962949,-4.26364362023298,-1.61399420873868 +1.75445788329721,-1.06136560896183,-2.06154682477237,3.78619897680633,0.471094024184904 +0.827995023338273,0.0193013547896942,-3.66364124552529,-6.15447339670072,0.901992760467834 +-1.13284255908305,0.409613865935039,-1.03148928863729,-12.1104136777467,-0.226767702955207 +-1.40919280945003,-1.22752083296175,2.2359974099109,10.5850332229635,-0.291832505736156 +-0.00103250077647968,-0.483926124146414,3.29229272781976,-6.78425978555256,0.439589316213702 +0.824906225263052,0.45842687739393,2.13984936845989,-1.33746810541444,-1.24877462474378 +-0.291056957870764,-0.699279529193393,3.40017048775313,9.04608638695405,-0.991992021465548 +-0.00738607246533373,0.912669988797226,-2.57283051782102,-0.156118039787337,-2.55171317808289 +0.170231951586963,1.52362579027728,-1.20833214201448,-10.7862368014822,-0.856868095118096 +0.626552036510109,0.235603528023444,-3.33102492348944,-23.7789997383587,-0.329662612805351 +-1.38389150118965,-0.289295911401341,1.70926946895229,3.10374344121079,-1.89778586426346 +2.92262157800597,-1.76105285038549,0.627884277376218,9.33358173310265,-1.83969919488341 +-1.56703173274118,0.0480748401422256,-1.88297117006764,1.68867996484382,0.710673324048175 +-1.60127407998131,-2.08613107306792,-0.542564816912523,12.0626765464423,-1.01978157447262 +-0.276643311402329,-1.28771524503519,0.761680012118148,-11.6665657419457,-1.48747913300177 +-0.105383164003762,0.0077396943457952,1.62634342731109,6.2116934805406,-0.570435782075034 +0.236323733636724,-0.732197353424201,-1.33692531318266,-3.59302950422792,-0.0271710185685154 +-0.312266705842067,-0.826805591212222,-5.28829211089569,-5.59772201899266,-0.755836950932342 +-0.129457906599974,-0.740939931336895,-0.840879280867414,-11.4324874967496,-0.290878736313032 +-0.251567356653005,0.273503661596836,8.90623759784477,19.0205321837323,0.954357661233034 +0.889556525297574,-0.90504025093913,3.47510116532334,14.5905937927085,-3.40799638996767 +-0.182661486705114,0.786324316493487,0.350722414435572,17.5327678121237,-1.08954385590189 +-0.297723764042728,-1.67631809771667,-2.64251080345446,-9.58673242752419,0.564006210545209 +-1.94315924725584,0.80488488658092,-3.36951966731089,24.730201956231,-0.655377706797379 +-2.07051002274069,-0.102812470893408,-0.465214694669158,-5.66495393626669,-0.943634772116043 +-0.462208021003568,-1.55122932425178,-2.97257350527004,-5.80005535446662,-1.52732028723448 +-1.10203679996927,-1.24512911780414,-1.2954109590491,-0.743993178910415,-1.01148468203367 +-2.07723359223109,1.61609899909841,1.18795754719307,1.37639353720323,-1.18494320687697 +-2.07025675170739,-0.893498178705755,2.60128551843083,-8.50982612386908,-0.749605545395169 +0.85017558554831,-2.44301250061641,4.86563531917329,11.8313180307525,-1.30009913745889 +0.124620555546082,-1.44122531164355,-3.17952863434205,13.8630593732927,-0.559655111479847 +0.459090836220023,1.77351276569295,-3.4903936610336,12.1547805336398,1.29923966150972 +-1.93452183222779,-0.334906957151581,4.14271541781478,10.0172007787742,-0.966462734782082 +-0.770548268381019,-0.0611196351986054,-1.09149690268291,0.216829954610174,1.41480232068974 +-0.104898070526673,-0.153818081554975,3.38886126191957,7.37307050760619,-1.628432157091 +-0.811259850994042,-0.268568425471937,7.35172991002315,6.81280086800506,-0.614698030126787 +0.167566247093289,-0.247002480448912,-2.52038375058883,0.17493189138009,-2.37260065992803 +-0.631544959109463,0.455935689489748,-2.19052204580019,-9.8468766820504,-2.39066913711771 +1.67049086805866,-0.376518600720157,4.11733781749103,8.50804520787892,0.456955313476335 +0.618657798912362,-0.293959206499949,7.03408967891174,12.9032893589272,-0.378531493108205 +-0.4236302218328,-0.198090818970689,2.07632303854362,2.91671204650081,-0.495896533090691 +0.500768543773266,-1.28764148811549,4.18925854985865,-1.473350350926,1.36159870018702 +-0.48398226973999,0.235668181006826,1.33112994985781,2.60676326248412,-1.37166306634631 +1.26020283212575,1.24965471791688,6.14151384632188,4.2463265570298,2.34881713310537 +1.23184026049023,-1.7218618871176,-8.36867060252848,5.44428349582928,0.264866938372778 +-0.42430316329933,-0.76973187013486,0.260632875804452,-10.8699789164869,-0.644458161718942 +-0.28962054531805,0.168367651168718,2.82184989432112,10.3808522650512,-1.17330944181902 +3.0981797221798,1.11969338352443,1.32291296648712,21.9886953220522,0.875284129563321 +0.0975204425311279,-1.0654718019037,-1.46235195706382,-6.43093518237272,-0.581217790514705 +-1.16938395050096,-1.88904386606911,-2.569113269682,1.0110404097403,-0.524071945726156 +0.404339576427125,0.0578794800009536,-2.1344090828191,4.15791369078484,1.20420931547625 +0.0587460359038238,-0.527224219815764,-3.45216923014388,-16.4783521221477,0.28825016752445 +-2.95046513258234,-1.08516772497383,-0.912649092642577,15.1459867768498,-0.212798333250887 +0.38651049754313,2.51658091139447,-4.81721802342009,-9.34531938568463,1.26669592146668 +1.31373442511803,0.0315153202450726,-0.772872699730684,1.58277195170188,-0.282155169554452 +-0.466804329402344,1.93114205779013,-3.03807124626268,1.53416699413369,2.11827652133633 +1.47912627595755,1.13760843715298,1.94864827483246,9.72937775524526,0.56789558102564 +0.148881784309316,-0.107750795172822,-1.30062685308452,-1.47095430634733,0.312641352738789 +1.27095470607518,-0.800124913754445,-5.76698866975002,13.8726541063785,-2.41453617606802 +-0.0390832887619111,-1.6540905813216,-4.24519606089676,0.99056500160906,-1.17200310244871 +0.112380325826106,0.360681840053997,-0.27796047840413,-15.5153528075352,-0.217662612216264 +-0.600488545705139,1.0781951676277,6.84515574745914,13.5173166504951,-0.0902727577086034 +1.06920432312852,2.52648191946254,2.08365978384292,2.68314809514641,1.55265038897257 +-0.456006737062956,2.97308308467786,-0.221616187247905,11.6822061535805,-0.283558947241976 +2.42533054119991,1.96126945340395,-1.65728126943651,-11.6929163183555,0.723095854278302 +-0.50911139805583,-1.76718153887555,-1.55812332980575,-6.80771773811703,1.29137986564314 +-0.740939217708183,-0.492105230623896,2.02468173298031,-19.0152855202571,-0.242029796953034 +-0.918915312012941,-0.331726339720927,-2.83733112438949,17.5644091920655,-0.866766334325842 +0.132153110680289,3.6177445050333,-2.55728687898521,5.30395393590452,1.85065560115635 +1.02447164352743,-0.834637615032225,-0.130728684853914,-6.64258376132087,1.00234895988634 +1.67074241112541,-0.129469882158311,6.18567107803976,-13.4667958381679,0.710202070390638 +0.81517505299498,-1.66169126863312,-3.01293994335463,1.60781956584053,0.833211950906973 +-2.66133671693542,0.159789209691536,-5.39360968927565,11.0797009702787,2.0203592522588 +0.839463759110246,1.72932531665204,-0.440840880060912,17.4099189080839,0.752027753846953 +1.8075706323156,-0.985049032522028,0.278991920039082,-8.15205649775562,-0.913130221196926 +0.374875742633052,-0.433389147717975,-5.56337831576025,-25.7680934859951,-1.3995461744641 +-3.77505723160025,-0.887323889879294,2.76289299748197,-9.99481549450512,-1.51774103541613 +0.513861984800853,0.976801111041715,1.59153757311923,-7.41398220181505,2.63453441152589 +-0.721638674552964,0.0753938900249502,-0.722846654954941,-8.36609689894386,-0.948508804884925 +-0.0411393337846361,0.514151615431097,2.21896629483374,1.69447407893895,-0.364337669047922 +-1.06629134039433,2.37423930449614,1.85988859919501,2.06363600970367,0.350826957068394 +-0.604870827984274,0.315194744636971,4.19328491472082,1.19498192689167,0.56539844440805 +0.173017782846567,0.32241657810253,4.1835329005183,7.38458668765167,0.107461841227668 +-1.58139627771005,2.55943253899988,0.567735434713712,5.28594443245821,0.79836696510607 +0.192352193718729,-0.547419169368805,1.5918430337273,-3.54535242382476,0.839168574920404 +-0.638864418168898,-0.127776173380922,-5.56038051860279,11.053769337661,-1.67534164933493 +0.497781958574279,-0.544525097302015,-2.54797688170471,3.30698925373474,0.0679923805438359 +-1.44929104574906,0.530837406414544,2.95889288458607,-3.96088447807377,-1.4863025318462 +1.30227218273536,-0.621890476883146,-3.5397042775072,11.1193430429783,3.08827156322952 +0.0624841352190519,0.887573254024747,-2.07533720021484,-0.918594075170161,-0.884282041709981 +-3.76805935466795,0.548014740061223,-6.1121054450712,-8.65008540351997,-1.65741975971011 +-1.12249992075854,-1.62231181195974,1.81301927056623,7.98789126908878,-2.34769082309999 +-0.241414639855107,-1.12535720920365,-0.369603261675816,-21.5653792527469,-0.617650586488014 +0.41475399959696,-0.883531055294432,-3.9416937168542,1.17458919217263,1.47180042020813 +0.69379365026093,-1.06613934057246,5.80310785828859,-6.89760254468024,-0.503571226366713 +1.85220123033076,-0.132108765966617,0.109351129330505,0.415897111622795,0.449644688571502 +-0.738694683809537,2.04402347962728,0.976037650912494,-5.47026032501583,0.324630689223058 +1.021606723645,-1.11001843767497,-1.29756858192329,24.3162495976246,1.10069330955592 +-1.74672155327453,-1.052857433661,2.0569952024609,-0.883228610960151,-0.0326568796157898 +-0.471755274750652,1.87206685302751,-1.98054994663599,-3.70435674701123,0.709455802542234 +-0.752347663960036,-0.402895682685365,-0.635216240706962,1.50691940225416,-0.66086017316014 +0.254636566415985,-0.802247916346485,2.1035457565662,-0.987038100528044,0.565997698981953 +-1.48403438990906,-1.47042654204038,-2.32904879268667,-2.07811214698074,-1.95506750204642 +2.33932746915931,-0.522477464491325,4.703795943986,-14.5254718234988,1.20068790233725 +1.15591987977186,-0.27207663665048,3.22831532733114,5.48898764017637,0.628795648048273 +-0.361048507412102,0.981710981261308,-2.71844961532102,-1.37604698765482,0.32343482327149 +-1.54525547470431,0.146450705561643,-1.40726745076252,1.41669623900783,0.723094955530104 +-1.06755403644028,-1.46037438258524,0.530810916230758,0.789805705286905,-0.550667206876655 +-0.109068684240596,1.83014297378941,-2.04142276853505,3.50635916229821,0.33148418076089 +-2.94577243514848,-1.35452381861148,0.606203666410251,5.63666158149492,-1.48283512446885 +-0.685796783027373,2.11616295008121,2.60075132884492,-11.729370012141,-0.0813244434729774 +1.31892487734553,-1.92257719080066,-0.790590147900247,-4.26855432403032,-0.4076513513523 +1.37104307990045,1.14141712487725,-0.929600578736912,-3.01541852701313,0.339034530341836 +-0.261925018576443,0.240320050301815,1.46349674950498,-1.3604514999827,0.549359107947637 +0.319849805062135,1.34004881455346,-2.8977745689606,-16.1301096944472,1.89651896165929 +-1.07114408250088,0.106555037615155,0.698706286562445,12.9842548252177,-0.491905273963538 +-0.872108732866963,0.747075914183859,-2.55667838734315,12.3588916229506,1.54057994532523 +-0.502217772124192,-0.891674595782475,2.14367060379472,-12.7667134848269,-0.752646138708562 +0.883360130654303,0.83917109251011,-1.84668531925608,5.12513077411154,-0.107566891247702 +0.764092701391858,1.68812943872812,-3.89379469139424,-3.1937691797923,1.62698256700357 +-0.527528491642245,0.330266254838608,-0.385517497854965,-6.81652210504984,1.32748108357346 +1.24665922622193,0.306449854504531,-1.00120197587345,3.24047047202891,0.690098942152223 +-3.17167984949554,-0.119144610266692,4.57843028138683,-2.8398804067727,-1.59046521364107 +-0.384982161755761,-0.367775652042848,1.76811462608792,2.12154597163214,1.36527646584193 +1.55291076963658,-2.86924940230569,0.497117211575586,-2.88420288308415,-0.867431541083665 +1.83396676006047,0.0632083983000197,-5.1252195649383,-13.0264938019946,1.37598113130407 +1.01274875512516,-3.13914772729529,0.440014207878358,5.42927775776841,-0.827000871787546 +0.167258502474917,-2.32677290807106,-5.98215586213236,13.3242906693089,-1.48153834974549 +0.238129488030436,1.54763262009481,4.62034982063838,-9.30601772705129,1.11240539371664 +-0.588667863774472,0.0289385341965754,-2.96866152516543,-5.9505459605292,-0.547670329854913 +-1.35406813848771,2.39540978272932,-4.21915627534409,19.0963569293123,-0.337327626443251 +-0.716108706770358,-0.200124353904431,2.2613891180222,15.7598043193506,-1.89667706472805 +-0.173069291747984,0.391115320453918,-1.79715013513279,-20.831266491385,-0.254378590513132 +-1.6896006895779,-0.817956891109115,3.92226373982745,1.13648281336522,-0.348788164486704 +-0.286151282993739,0.935490615429288,-3.84575663398903,4.19261599545225,-0.058946338986537 +2.38489839828716,1.03571681855785,4.91059892980783,-1.29012580953845,0.931645963061798 +-1.1979209777066,1.58682228383333,1.60264720593509,11.5695643365148,-1.22893779007491 +-1.54136359485986,-2.06002036216309,1.07148492647337,7.43982690484392,-0.334009436405095 +-0.725404004462129,-0.511424505001658,2.12308771516275,-6.45312003829997,0.255062595996145 +1.20547713148781,-1.58364178670698,3.88275822978755,-4.85421951315304,1.55289196249216 +-0.979931627869616,-1.19011424134109,2.52940487190518,3.97685319006403,-2.65569513266616 +1.69695372084019,0.446480976031127,-0.882142829082609,3.36835117103859,0.559214658486193 +-1.4935441269022,-0.60986257790243,-2.53274199121585,13.9533860956349,0.975331959725672 +-0.369860782578312,-0.301195576605083,2.02893125086333,12.7244837496627,2.90924626949964 +-0.722752703305507,0.149225185105136,-0.603305115904737,15.1593052325898,1.14929202321374 +-0.66412590700236,1.76200532054612,2.05710112358447,0.367458349746153,-1.07734533343201 +-0.664738443728878,-0.416883967055752,-8.07875011846266,-9.54566230091735,0.740154040169226 +-3.61406255533167,-1.05966419649077,-0.580534853048033,-0.858747611713898,-2.64862369637519 +-1.54678826546918,-1.06788899567115,4.24003302538304,-6.28235208985728,-1.19950115203703 +0.796720806474218,0.825602681627036,-2.96443323863934,-9.71422056118018,-0.436468522557044 +1.88174922978966,0.658439149478702,-1.80833655905067,13.1883947103282,0.511748928399994 +-1.15201682283764,2.44540400026519,1.84435867642676,-3.66125943263369,-0.159523251933301 +-0.506772670447043,-0.942437818479664,1.98563162317568,-10.5031924167286,-0.450723423477209 +-1.90879284855727,-0.472911222586528,5.90797663806424,-18.420972842429,-0.552088233204856 +-0.761582676105666,1.28230190526805,1.75029410828299,-16.9150447089973,0.730605926744549 +0.424810756980556,-1.72059627134506,-1.3795297838796,3.51791591265967,-0.578552903627246 +-0.926508233448433,-0.59787964182908,-3.53534906225326,5.3904947485728,0.562717334053848 +0.311147741964569,-0.937922768119024,-3.29743203477137,6.19010907943839,1.11413407481965 +-0.134593766946393,0.641396499736267,2.28410207432488,-8.90639235119314,0.713426849873368 +-1.91903602598764,-0.692347686267144,1.75127669649262,8.47125688587462,-0.157100827014317 +-1.16184538553066,-0.467719939036609,4.09218341987436,-29.6501057340453,-0.76885520145353 +-2.09671482016615,-0.886031060015513,-0.502783787690094,-6.94026591881086,-2.37032091499601 +-1.3121268566978,-0.0707296147117093,5.97285733948109,-3.91280943722353,-2.8095831413199 +1.8668909537002,-1.32493832655329,0.863553466897061,-1.72739897272358,0.227127241387066 +-0.913112449851893,1.67083948642223,3.44472321741844,-22.2692876615742,0.685599418836685 +-0.772051918633466,1.85825393397236,5.72855294309285,-0.791136916892738,-0.215641586730909 +-1.13561426638451,-0.464531014873038,-4.7515665457873,-8.77583907331626,0.54240897037133 +0.878865895201454,2.02544941576181,2.82805574750973,11.5354687940478,-0.334363585447087 +0.797720332214503,2.53235574447994,3.98989886490759,-17.8233705583553,-0.917645209737952 +1.52568946507014,0.985684965597483,4.31530526802052,-7.51055269135668,0.714971106693091 +1.1759944288744,-1.01961839474692,0.877028183340238,3.39827723651475,-0.324115095711132 +-0.551269669476809,0.0465514852635973,5.05666822968957,4.82046373678817,-0.532614097476459 +0.672491492475207,1.70478776545109,-1.44049733024854,-12.370982339265,2.2860903549969 +0.498196457776759,0.480138646229758,-10.4289629493781,13.3929361777676,0.636652920088337 +1.84977254509931,-0.236529951703103,1.13411452991189,9.74892714252431,-0.0533774475956704 +0.282720207106476,0.693647458074979,-4.70025215222045,-0.460136180259754,0.817898813553527 +0.37234810908842,0.732259291689688,4.59617828275908,1.91238272535967,0.0293410916215622 +-0.640348498872206,-2.03056887353805,0.280548390371813,-11.975717918488,-0.840170206241464 +0.144329419702772,-0.702796880193414,-0.246917151342106,-0.234308100877087,0.0670152853756948 +1.12340750808101,2.29131040259501,1.43348521424717,0.23115904129311,1.49331964276294 +1.75604308110869,-0.653250624083095,1.25593968463794,-1.05463758813115,-1.06470117585 +0.920903458038166,-0.634654961183861,-3.00197164685527,-2.07867216874019,1.40168099176075 +0.625479751156781,-0.105240078317487,1.55062698550361,-5.16511464866271,-1.67854224988891 +0.667486946889262,0.17627053713189,0.946442057287423,-6.62269268369331,-1.1442806914093 +0.184492215419062,0.686069267616038,0.79754430199804,20.3092584425867,-0.843108440789094 +-0.473921585511826,-2.18887496397358,3.49333918941834,15.5830230857741,-0.749910352811898 +0.0888273635641282,-1.43309847240823,-0.399744271053733,1.6333857724177,0.797757938845991 +-1.41518631588424,0.115724629095358,3.84859680854484,-22.7803427039093,-1.66481791972254 +-0.438200830558124,-1.72259908961085,0.0808525017825898,-4.44895511161926,-0.917444370255403 +0.767696472982586,0.399777124308018,-1.00411564305903,7.4713603609155,0.263722169609804 +0.72606214455521,0.104967693987822,-2.65680701882608,-2.41692705609829,1.03684365753956 +-0.526168107221671,-0.412827906687632,-4.73329088676946,3.99132537565444,-0.348211632997244 +0.1864913460312,0.134958848457301,0.48262845162914,-12.2954177601725,0.677740790637298 +-0.604844453041842,-0.716035084931974,3.98916454825144,-5.12788764756215,0.272892986021072 +-1.32120349537136,-0.362315142955514,0.692815333872347,14.0702857319028,-0.56414787760142 +-0.526167541465613,-0.0695481822438914,3.83788319889197,-14.0913221247801,-0.0585031638444113 +-2.48510823950589,-1.05337509932273,0.130902245267388,16.026379436025,-2.81991712765166 +-0.856784687525903,0.687362495166239,6.54127170878865,-3.58924519987606,-0.500464043476634 +-0.290302821770973,-0.460422391569852,3.76692299703713,-11.550025873519,1.9110842507852 +-0.722067716485301,-0.901764767205932,3.079636622011,0.100370988112868,-0.470316241338726 +0.12231986292663,0.0666162295825723,2.25731104908882,-12.6212949473578,0.641644010162539 +-0.942074897410481,-0.766814127739572,-7.57442092016743,-7.65516560480514,-1.44993013807614 +1.55765879128623,0.240696159250942,-2.17403577130862,-7.95077859796916,-0.528934984547598 +0.0366720994843391,2.07627019450309,3.72301207557424,-9.80895977237635,2.09896064246507 +-0.969181306192913,-0.853714828691936,2.00100232668998,-4.47058453767429,1.28095541213795 +-1.01994369728963,-0.560472077827852,1.87847008137866,4.97667479718379,-1.30646918173204 +-1.47396612022079,-0.403473023829653,4.27254469236995,3.22650376632881,0.446616078043833 +-1.2358126979951,1.12266033256516,1.53794975627642,-0.249201297244749,-0.661318437125317 +0.972606953958468,2.62382227056033,-10.1977084254391,8.16217906732902,0.413015357271955 +-0.992782741613896,1.69291633104269,1.45647538662444,-16.3136629475436,1.33054468347661 +-2.54962579534435,0.696424285690468,0.188001000970736,-3.12213078129149,0.324645114629374 +0.91081642558408,-0.860331232385859,0.27192483510265,11.8498911231331,0.0576403855617544 +0.704493830428507,2.75944130769969,-2.15684334921811,-3.20946527688663,-0.533747998538337 +1.40882529387079,-1.26292581442459,5.18622157213772,7.41564196717129,-1.96915375768966 +-0.433245881203918,0.0599752114692464,-1.58242501089709,7.26560721905725,0.30767393642277 +0.826449635548473,-1.83203274349659,1.75034390000156,-1.11767290559621,-0.597301138662847 +0.0886640943534695,0.0744109955434418,0.672414653166853,2.13827916508678,0.236070865006794 +-2.6625573585559,1.38585694266099,2.34531362856693,9.6961158996386,-1.72978951161738 +1.24111659948824,-0.747563763435826,-2.53928936395645,0.120922961466581,-0.304354813061488 +-1.05592093195618,1.15706725404376,6.32291188217278,1.51901470773072,-0.370968582291588 +2.82283475004058,1.37155040972162,-3.25885317618506,6.21924884530209,0.166035706645074 +1.48646088006593,-2.72380687348705,-0.126290571864973,-10.8297945540114,0.67787316356167 +1.51868638359118,1.04661067607306,-2.74848724973528,8.01755123826315,-0.32794951500299 +2.339935715004,0.552867959970543,-4.13347296107612,-8.91702735575079,2.02818974567523 +0.246182681568823,-0.824757334765989,0.234744900205065,-10.676356206724,-1.24903429097631 +-0.523293399817149,0.355629437072688,-3.73573483250803,-6.37312209927469,-2.18501816636015 +-1.95160116326478,-0.577766586005262,-3.35656962661575,13.5092324410509,0.500944530753042 +0.685252757676536,0.345336829451982,-1.86938300673143,-3.66077811724874,1.18905927660686 +-0.83690825938071,-1.64592972225927,3.77336163325716,-1.46240352903861,-2.71574622977773 +1.6109591937401,1.4969552373369,-3.54575142595764,-12.3819289242753,0.239439786191094 +0.0720177532559455,0.0387300513565247,-3.68596836740526,-3.74729809543372,0.104686302431151 +-0.297521550829827,-0.425087520548944,-4.29802107023892,-4.58883955880293,1.53445175483641 +1.18691361711273,-1.14650409139085,1.29002102060718,-4.52204451851045,0.740206335052481 +-0.771035692634606,-2.2110466573073,-2.09604753503161,-14.2040562736822,-0.556063278796529 +3.09969462736895,3.10213891410985,2.28826641272422,8.01440240398476,1.93674886414128 +-0.359298236412239,0.355537450908739,-1.22108059398399,12.5322895016837,-1.23511600536517 +0.115901147327687,0.627751862773552,1.11807099702772,1.8664968680074,1.55870890433185 +-0.811021357382648,0.00764670759351545,1.19508365893772,-11.8309499934607,-0.411570365564275 +0.369827445002567,0.184380752443686,2.33545551861044,-11.8234226103353,0.894426003375387 +1.08280858302816,-1.64960345737008,-2.89802475439633,0.510435493010494,0.881811614167453 +-1.77940775976441,-0.0494557915089931,6.8225624979693,13.7371787748984,2.25131359744347 +-0.0173008822547798,1.04306090348471,0.570982886909627,3.69473861405869,0.941033453973536 +0.712696115196285,-0.52540771463557,-5.88443922804098,-13.3765910638184,-1.97084402456518 +-1.19660702335913,-0.171974696292523,5.83941590868181,0.122620775287868,-0.31596447708168 +1.31282060631962,-0.568606356889862,-0.420189160009076,9.38438746372853,-1.11636976208146 +-0.306145779475618,2.92245337183771,0.382193119410597,-13.6197382419133,0.430213860144068 +1.21966535445164,0.847467611815171,4.86972310990061,-23.7756375013201,0.602049437600754 +0.577873885608404,0.123744245286014,3.10521444652401,7.07869220399782,0.593836465640276 +-1.56021014071531,1.15454709624046,2.29377183562336,-6.79214453921519,0.615712032697283 +1.30566339094536,0.116808717752558,5.34949986701416,-6.7797053941658,1.76935365639242 +-0.422579033806489,-0.0177804170884287,0.974518781581361,-8.40171174842837,1.1126245729263 +2.02799411278193,-1.5933639420651,1.93005832908699,-4.10858907129582,1.23621012507951 +-0.946415652332248,-2.1436188352141,-7.41201784227367,-7.10361168602377,-1.67177404606231 +1.67957122490097,-0.512254871114652,-1.32518304171179,-15.0592603321886,3.25966532856598 +-1.27887125217529,-0.000563758416530731,1.69859268712159,18.3975267835071,0.616578694069084 +0.673239338570351,-0.916374028527178,7.04812649823311,18.1370261170163,0.370980621476378 +1.67661509012971,-0.0416927277483517,1.62803785998098,0.845469716317721,0.508801293743933 +-0.477841463354636,1.6202137453722,1.37525579948425,1.37712357907477,-0.20502053681379 +0.0578335898911086,1.49732204934737,-2.59545379917939,18.8314171320039,0.0592232775813395 +-1.21353366818924,0.0620174962419536,-0.989544451448359,7.11909889529146,-1.47637663338519 +1.21272766427032,-0.15312375421875,-1.07826708747125,4.93206017338126,0.540848957493926 +0.937336409009259,1.20528448836059,-4.64140212188602,1.81439598319857,0.219612313693346 +-0.785140717629087,-0.0671630457551551,0.128832744409893,-1.69033402611906,1.66858885213292 +0.274766635673801,0.45448474699109,2.3410928090095,8.03027192278063,-1.07773838955082 +2.19132426269117,-0.432399566476395,3.19649428137936,9.48194152562624,-0.969175953295118 +-0.0660777596272131,-0.569884196206598,3.30838236109358,0.819267042406755,1.07819202121265 +-1.14995053069493,1.91516634643232,5.83297542016946,18.216088116126,0.476994293839786 +1.1172992618044,-0.0557279468830338,-0.765687033408645,2.09584875049544,-0.461758527606903 +0.22736696133225,1.2671241224403,-2.85024541914776,2.96012117865152,1.7238551311815 +-1.19710101148614,-3.67730799868822,0.782650065598825,6.49043057510673,-1.4222296354164 +0.0168027125800579,-1.09507660432514,-1.39513247476923,-19.4813892090525,-0.525864202325808 +-1.78877426662636,-0.11706759580379,-5.82524902732349,17.3824617451736,-1.39073183162202 +-0.792358812678338,0.368151060339484,0.238217953213392,-6.6978893031607,-1.13968620090138 +-0.881808553215701,-1.40148163687432,3.34345614860783,-14.4949816101875,0.26635668382614 +-0.0403390268285739,0.480108087635703,-0.329482203342918,8.50682242761778,0.0913699522549503 +-3.49762827401265,0.0444848274847911,2.10816789227921,10.2362144647678,0.690531854371296 +0.817401106558961,3.00248821573486,-2.65028541563658,-6.67915597145484,3.33734386178093 +0.859271210852315,-1.1100843566909,1.97509290100615,-1.04293415485224,0.202073461600681 +-1.33438704274391,-0.208239027401778,-2.60098868796222,5.31271419405574,0.926756462319373 +-0.0664648897628709,-0.315760611705362,-3.47788505486028,10.3057214504136,-1.10730823192724 +-0.304018163885125,-0.0161194953791938,-5.32060551880443,5.49098581222629,-0.217100344299755 +-1.46947360986599,-1.41753505433764,5.48980418239138,-1.34269356738869,-0.649690582098036 +-0.121334614395661,-0.37012676472548,2.2044438218007,15.9253417531284,-0.241710296915989 +1.96421392689316,-0.0793572329392668,-6.77071562251058,10.9293516812392,0.473875837676728 +-1.50388178087954,-1.40244368201615,0.180316861550543,11.4999942931382,0.373499303570715 +0.877613869365025,-1.57813434678155,-3.3500417958089,11.8187521816199,1.69165177569542 +0.576706460398907,1.42993665323273,4.54513268081936,-5.33676606011925,-0.496006268528687 +-2.34961066803932,1.13246092011057,1.15721845796418,-0.212645411995056,0.272084314622319 +-1.6578365524636,-0.608776155317518,-0.644229035693499,-5.71418420808981,-0.623034985926189 +1.08006748208911,0.481720772852096,2.83233003707202,-14.0060843031269,1.65417759760251 +-0.881945942673478,-1.8676002170093,-1.75456662513014,9.70583992108059,-1.67161401403286 +-1.45732437877482,0.295666319258934,-0.699223769016538,-6.33626422282862,-1.36655433791517 +1.89979023428035,0.331443003374329,-4.34088417648167,3.77319698225118,-0.0889669605652861 +-0.458193334708489,-0.46755451624075,0.882968381371775,1.07763613756118,1.73295341314992 +0.309977240814414,0.976461291780279,-0.796383262305397,-6.25885943360191,2.17131890961543 +-0.238315853269128,0.267646469934447,4.56382645883745,-24.0093190834007,-0.684236463069261 +1.24462761546192,2.08121967014123,2.50367203822875,0.385598707172079,1.57591827617329 +0.308185754393783,-1.50251706188027,-6.2295424947588,15.8547974225191,-0.252721071616943 +0.126734076638509,0.438181649492302,1.74563853653846,-2.61593896163355,1.38867166954917 +0.977780856134135,1.67466844216501,-3.33946961183441,-0.219631167113688,0.0728421241754924 +1.01349837567407,1.90715761479817,-1.77655997793234,-0.687014608893977,3.4144436836669 +0.388688971986889,-1.6092291149746,-5.6726043556584,7.99385881059176,-1.06457961149256 +1.28260524304145,-0.672587505374301,0.469001010534376,28.8854066343109,-0.988464748107193 +0.704619976153914,-1.55469829544127,5.90218762685064,-6.57516303508464,-0.664871118694084 +0.584891227988516,-0.966375556021399,0.735495917158072,-4.58736032312871,1.78665975441705 +-0.539030254972608,0.887797954138261,-0.608050105734862,4.56624744570603,-0.836650223429679 +1.0796205056667,-0.190331585677472,2.60773248658761,-0.162410023714807,0.97881415670773 +-0.48286257678096,-1.20530922364808,-0.0475530023584835,-1.28245364511596,-2.27824326022131 +-0.972110414731392,1.88931848754326,-2.28817036767993,-0.0579459733607582,0.964858177225673 +0.053934158816556,1.36964538909671,-1.37149279390428,-20.1837884976344,-1.42112441929578 +0.0293741797342489,-2.33918655900171,4.71810431302276,15.9111834721306,-0.578499250736425 +-1.05323020297758,-0.624543742703895,-2.19968571740991,10.3780286670287,-0.728847018911778 +-0.763696234508562,2.17628761357797,2.4912528116203,6.99263258355813,-0.0572698555650262 +-0.652754705477156,-1.37540256098945,0.767315584201275,8.07412110756803,0.880435414406393 +-1.2373999894009,1.4609028622192,-4.50366812693401,2.50592704977587,1.46398233105913 +-0.121593300239866,-0.977401815797107,3.37750352110236,-5.52410118446027,0.331252719005305 +-1.68796985222708,-0.105370819409986,-0.922800075996908,-3.24647658025527,-0.266759427231466 +-1.62463264475545,0.130725768536307,-2.48326224723653,0.114705558670278,0.496234933829592 +-1.76439908274791,1.59761524104541,6.53747060853865,-29.2249974187488,-1.39131354920755 +0.0259105309337837,-1.2194238230427,2.49937805382338,-12.4198859436728,0.641578989544451 +0.117631571231903,1.58114260320338,2.21957904827915,11.903818435624,0.697834138631301 +-0.135467350649884,0.64991219063636,-2.89755515103256,0.0604236899269083,0.57654032782961 +-0.472507825731979,0.114315242714903,-1.41255737580128,3.37757525610358,0.420807093777347 +2.75901827573221,-0.0777084085484675,-0.202657741713273,-6.9085171608456,0.593455653717767 +-1.14993269981622,-0.765710193540649,3.04793112842551,-3.26577995245302,-1.12874910387693 +1.05581085845771,0.0483727283864511,-3.53299771628395,3.01981241300792,-2.42811233791173 +-0.107957065370627,0.753039917287798,2.39434844377098,7.41292976490668,0.0853277414501488 +-0.372452419979554,-1.07831433557062,-1.85675972862765,-5.29268121247207,-0.357763103409111 +-1.65084602137686,0.86117946566662,1.18957197186478,-9.6427801725971,0.74644003708887 +-0.181917256177433,-1.16890449799091,4.08451902617663,7.63641275227869,1.19341301330006 +0.755223159974733,0.0866470033722089,0.831382999397373,0.529570899643278,0.171188385662718 +-1.6546400903983,-0.000611555336690583,-0.892887905025,-5.92302605147804,1.62514599189485 +-1.04584589534432,1.07199901500001,0.568324565944608,-1.23471722426989,0.535770179817596 +0.140794234484685,1.46278869461563,-2.37620190057489,-7.1913898925557,0.743831158694111 +1.08900012822551,0.110886461281148,4.54176444611762,-11.1209000082545,2.64309921812576 +-0.800569680607311,2.01613071917903,-2.71211199868242,11.7849184196485,0.719693232633057 +-0.152288274971771,-0.220797387527853,3.86077717883121,-3.1482019615517,-0.144629786644029 +0.147581433068833,-0.0921322651339725,0.00642384039351209,-5.03430428356444,-1.08449235785955 +-0.248341255445195,-0.620203474783235,4.80592555242682,1.04237996594365,-0.791884778720072 +1.02538618426652,-0.19668131951897,3.71963433814041,15.1661097476528,0.946865304384469 +1.83416571936155,-1.21137424827439,-5.79700279274622,-17.441337803283,0.586449410081384 +0.256751419722608,-2.39853275355983,-0.711930816914309,3.66659398436415,-0.653744248593441 +0.477939591777293,0.934579037857788,3.56029510617024,0.443855809038505,-0.317760167419352 +-0.303843594439957,0.707442480706072,-0.00299541535992567,-7.89097092175867,-0.602387389792691 +1.04175152397881,-0.152980854832095,-0.316986905189542,-14.2615533326239,0.793427099271252 +0.657244438945035,0.814373251126509,0.433167509777925,-5.19941281699974,0.705948948674049 +0.213913475302348,-1.17047565781975,-2.84338257457633,21.0477634775937,-0.75047728417302 +1.70408352264792,0.604951950297309,3.56530984847164,12.8745419330291,0.589471866315532 +0.439163766858119,-1.77647008515605,-2.91147918605114,-0.599459326893658,-1.22414700248777 +-0.464873214075297,0.352047098605501,-1.31385532679089,3.059549774675,-0.79339333773031 +-0.561929194158728,-1.01560749354112,-2.73965307224936,0.438450404410475,-1.58380286507935 +-0.191802008056983,0.484645449042891,3.6330666091772,6.8104162302312,-0.380888514451814 +-0.2224166209805,-1.02417376153112,1.00803508535471,-4.73719011080509,0.536309375416285 +0.213417214927337,0.953295929624023,-0.920538974448048,-1.56447804998912,0.35978203847089 +0.972187975725469,0.456952264697422,-2.38178000906975,-8.93351151432218,2.37496225438027 +0.464125747580543,-1.47113291523395,0.761411754590025,-7.07046405164549,-0.446880004841473 +0.869124373217559,-0.225958035838932,1.13464136610472,-2.24542079492719,-0.81279144804527 +-0.319050485215044,-0.290147791365424,-4.77588990935034,3.5161707549633,-1.91573094513656 +-0.0724768402845326,-0.253851954442179,-1.5335582263262,-21.9153918482124,-0.354493606725164 +0.999566794288591,1.69267613702958,-8.02444506085341,-2.80692890396805,1.31700884837816 +-1.42177474180769,0.083107900562649,0.516475085399038,1.90853015653252,-1.50015175798416 +1.24464306615614,-0.589146928106628,4.91745024258479,5.83850510559667,-0.745380072654122 +2.79399179117111,0.275995699529664,-0.615865097943377,-1.38086676986976,1.08154211071655 +-0.470988200100019,2.54094982385939,3.7064895864823,0.126641615070249,0.923972785732606 +1.16687665264921,-0.664599248441965,4.03213256196159,-5.44410995428197,-0.494708770010273 +1.13376538697131,0.384336441303525,-0.135343009846388,-7.50565259907377,0.978033623247492 +0.117312924368256,2.9384512877268,-2.68629262522182,17.6954767536509,2.75854813069714 +-0.768297811666719,-0.705930366088876,-1.51002095432465,3.71596078672892,-0.653447380012256 +-1.60272888544725,-0.395054910005732,-3.48145245622295,6.27212421185916,-2.47773766764218 +0.533088234819218,-2.55275517186915,3.48033137174076,-5.59163298692103,-0.13032846060451 +0.0127178833644388,2.30127454002173,-0.654910854506182,18.6100493363459,-0.097619250332217 +-1.20439220860238,0.81026807169418,-5.22453137409913,5.35182999061509,-0.255594832608727 +-1.90152188933952,-1.88558857366513,0.344344547698486,-9.6926890781273,-0.863054252717731 +-1.01368976835542,-3.16757091806923,5.65588480583312,-1.86274224542726,-1.75997016921532 +1.01882018172217,-0.986343079641721,0.205733637487048,-2.49899395431028,-1.14308667439098 +-1.18751830161776,1.49883567689051,-7.07615993661669,6.06968575732317,0.345868398877553 +-0.159740546381197,0.0197521947260006,-0.287174159404166,13.7027604290876,-0.864643600255418 +0.675846834744859,-0.975001002374967,-1.30162331734578,-10.7559912513364,0.152028366909809 +-2.82162764410861,1.15630913250175,-2.24965588829201,-13.4615606709011,-0.971527292192123 +0.331591715998695,1.30916468508357,6.44149239984113,-2.86850894564961,3.37457866141339 +0.0486190429936747,0.166628751190355,1.32725903532647,8.56553576486233,0.681418643853661 +-2.17770719291579,-1.20999062213463,-4.94918687908051,6.60086203920404,-0.746621799899567 +-0.934895146805874,1.92266204000631,-0.124364926960592,-1.76662370504482,-0.865078270847463 +-0.582824447729107,-0.924346160039593,2.13062650394425,0.593077791815977,-0.73406479259698 +-0.807105248895215,-0.194475716035716,-4.15679324789286,3.07472948244792,-0.50198618260526 +-0.650451491905218,-1.54822887577828,1.98597752092403,0.458634173549821,1.53591873342471 +-0.120667904845022,0.823577322327388,-0.204257420883965,-6.58947607504214,0.544353948155176 +0.970669677117384,-0.391283695543501,-0.103486192415496,-1.99005742339141,0.275922222978727 +-0.150578885568185,-0.0422603652987865,2.33180351606722,26.7140708401467,-1.69079593714997 +-0.692242969744978,0.689443864192613,-0.191843685188058,4.16902536969053,1.39171360063332 +0.7862858665113,0.611504905499041,4.27129921001989,-9.74390871168058,-0.585292927823139 +1.18280086437252,0.417416736099924,-0.819492393730562,-17.8649468465604,1.62558105031005 +-0.167337298260378,-2.36893874275609,2.62944540722673,16.6681084611048,0.412077158255682 +1.01704207729888,0.0604793562632096,-1.77890333129128,6.6206351792616,0.10779038634023 +-0.0257760687288434,-1.02529348380849,1.5354165035373,-0.772315034437918,-1.04486560978207 +-0.311520103478794,-1.6236442858293,2.41899349567119,-11.2306835987712,-0.411868274684695 +-1.07473436161899,-2.18670824973641,1.14642979298991,-4.23385127459972,1.24620938171085 diff --git a/src/ICP/Test/X2.csv b/src/ICP/Test/X2.csv new file mode 100644 index 00000000..2c9e1487 --- /dev/null +++ b/src/ICP/Test/X2.csv @@ -0,0 +1,901 @@ +"X1","X2","X3" +-0.316604645787205,0.38070498286087,0.187619194827089 +-0.0125792353554404,0.237165937385369,-0.154944686313295 +0.196025597574411,-0.279098600078352,0.186883152058545 +0.473009757759183,0.808510182885092,-0.23830306237797 +-2.08597222092479,-1.8197773137679,0.236739896862727 +-0.946243928576102,-1.48817048014756,0.338402732077985 +-0.666435741260513,-0.0971971768726674,0.266440856753363 +0.92802934292943,0.776899839587039,-0.218401345483992 +-1.40337269835636,-1.5286440794242,0.020045868841687 +-0.103184055375795,-0.0864217285827079,0.0967372246169308 +0.0303778122699924,0.34409278111212,-0.134394811405482 +-1.44534764663175,-0.929321094837562,0.574855051401692 +0.799391965857116,0.723343134551111,0.147666074330666 +0.63164065976251,-0.0501111639392352,-0.455281101507384 +-1.104406869089,-0.84980305808417,0.0549838235973551 +-0.604680019798026,-0.0340416937577936,0.0223334682042103 +0.998971340304653,0.652825435490572,0.0835380265164381 +0.962231352344885,0.543472737325945,0.0503306055255945 +-0.969095484707176,0.292433728246301,0.165036126718417 +0.430827971436269,-0.107485154961465,-0.00909968430016823 +0.175730470322489,0.156114336796602,0.336271098276662 +0.158871385771253,-0.532773216537625,0.171149981493841 +1.11515671103106,0.462767868896709,-0.103556369335715 +-0.483924674789253,-0.19111753787215,-0.0369027051853407 +1.08095383001535,1.43772471459215,-0.169314773274283 +-0.165062229668626,0.0611657164713765,-0.125063078602099 +-1.01503115736748,-1.06023142923493,0.596231524776431 +0.751018437885073,1.32676366609799,-0.411411891057729 +-1.35071908782657,-1.15770027594541,0.276586654333569 +0.491242478020443,0.279534476077701,-0.0182702663520254 +-2.23152016748891,-1.95530144562825,0.612464590986178 +-1.90036227053706,-1.24909336392276,0.211708810632355 +0.243699296195737,0.0638285779155934,0.095482114897157 +0.246165039060759,0.219816490352624,0.0508000939937734 +-0.101468983608521,0.00548701906956284,0.0398593074023079 +0.293695286835462,-0.174552326847319,0.0762106274910757 +0.311990682791179,0.55343061741338,-0.194148764170289 +1.43320305504426,0.161773848822009,-0.385186128666159 +0.632488340464962,0.673894400462554,-0.255169682901465 +2.61427853948031,1.92977350407228,-0.570390166357462 +1.27292899571149,0.832983376323808,-0.193315999208387 +-1.92660907352904,-0.894223641193938,0.443534679782474 +-0.535976096462933,-0.596738088698619,0.108224189299245 +1.10298047804755,0.604026880203977,-0.246789806325076 +1.72145150969998,0.407314186788016,-0.150109847501078 +0.151482058515798,-1.01840908512752,0.374456881685242 +-1.73042290274509,-1.47848897769963,0.361888371751296 +-0.208122772659167,0.105975336429252,-0.182771889104882 +-0.796682681845015,-1.3109140840944,0.141826057115019 +0.857569665023645,0.864738174814857,-0.430557812741081 +-0.314034330782487,-0.197561836320771,0.273253336664413 +0.0090357794482425,0.515533566804465,-0.412592097739874 +1.26540190684935,0.46369279989828,-0.291336500101369 +-0.566344504363454,-0.79679004321317,-0.00316505247494048 +0.629590419168642,-0.271394482531756,0.238957555749699 +-0.328495052546468,-0.225816923682318,0.126833349607177 +-0.827652946909702,-1.17225590163497,0.498161756334362 +0.832580365681397,0.635791566466865,-0.38527375238735 +1.51398749606002,0.757745366067342,-0.240878138555499 +-0.821569080653526,-0.114146341786344,0.632011526249302 +-0.788934163375532,-1.37152117475448,-0.0694030741810219 +0.869603433394925,0.291681412691359,-0.162913142997957 +0.879534586821876,0.796290195017915,-0.379280823124523 +-0.154056341874,-0.4104987711886,-0.05931913966442 +-0.772057727407473,0.550107640425318,0.178736243907368 +1.15563140639931,1.64739919662004,-0.392567265799255 +2.14615054340229,2.03439199515764,-0.329451073959021 +-0.51771431075607,-0.576252671128024,0.274025474755867 +-0.121052399239877,-0.48199600665644,-0.266175943086825 +1.44723768242604,0.259563685206294,-0.0191227757172469 +0.264210670593305,1.14177562083646,-0.0269336772457244 +1.34341921379429,0.462284294830941,-0.16263502169439 +-0.555045691158891,-0.302837262138354,0.166066501504772 +-0.303414999412552,-0.0889667711178024,-0.15662482240253 +1.37519943263758,1.24434326525731,-0.172522006982514 +0.688171756777802,1.39681053755362,-0.0485027536330045 +-0.0332085272646038,-0.211694148469627,0.0789880929829918 +0.873066552241128,0.559370906400705,-0.134162576343289 +1.07006850651227,1.24227850030307,0.195441255094085 +0.442972376399872,0.0779936398373341,0.369562640842711 +0.235294332281075,-0.202888628424672,-0.322330026389222 +0.270074488305593,0.0578336595451722,-0.193885450128109 +0.251185902517544,0.996911387976407,0.00963478753389485 +1.62660823580669,1.58856318139849,-0.236619981371183 +-1.37496446465352,-0.990662085121647,0.35542187433553 +-0.226212723214985,-0.701980853869126,0.0258728639824203 +-1.02040020133843,-0.890709099447607,0.371171207737449 +-0.353970051130577,-0.54501702673578,0.0454192285390023 +-0.287199241466985,-0.745973927801417,0.304834933909813 +0.571775636243831,0.748073103611839,0.100222105374034 +-1.53307331124771,-0.927129540201693,-0.168975076145275 +1.27550914005451,1.92980405139556,-0.623811284118701 +1.3272084093135,0.91750084504386,-0.152326920582033 +-0.558434524804829,-0.858472848114353,0.290867784558469 +-0.0267257161810356,-0.363761955577869,-0.215880025686595 +-0.437107676141515,0.184990940221896,0.156470424731233 +-1.14369214143998,-0.642019937932706,-0.265882594445943 +-0.962719623187959,-1.11323311285362,0.250082382017769 +0.0203825497701524,0.524762684128138,-0.222757548094681 +-1.15778472404027,-0.855216962562231,-0.0799142501429992 +-1.31372525908721,-1.38144817360382,0.511351668589594 +-1.62508096930865,-1.25923708350789,0.0573031639955463 +0.764521967250937,-0.129338461366919,-0.367414119656691 +-0.240254593101676,0.158824236899689,-0.0769316403117618 +-0.839633477082437,-1.62825635739588,0.512474762203142 +-2.0332619803375,-2.18286181853143,0.609827043266016 +1.79613273292598,0.820153064525222,-0.377436552951406 +-0.707877626016158,0.307187697704666,0.062857416397352 +-0.476687753818289,-0.920082456944798,0.367410792251935 +-0.362228210022462,-0.423481977132972,0.465496036216375 +-1.83954471785593,-1.38525071711662,-0.0460286600445094 +0.107085143162416,0.39960563851021,-0.00543310374505528 +-0.777061054228697,-0.969729607130422,0.195945064935624 +0.0859721342389577,0.212399409670495,-0.145468249064141 +0.785502833982099,0.277187232604278,-0.151582004614591 +-0.0210358478183591,0.694632154145242,-0.134948742055177 +-0.477082648588393,-0.307047318645433,-0.134674555994378 +-0.874955467782312,-1.15099994710366,0.31513225440424 +-0.718316441638598,-0.141814291007588,0.287754171503329 +0.816795824809977,1.14931982486599,-0.371744896369585 +-0.598083235691613,0.694285538090103,0.361524402763961 +-0.149032661592606,0.454217446785811,0.218345737920697 +0.10372667075163,-0.115803623715133,0.145874562962266 +-0.540768075154592,-0.682357439295148,0.121428758049096 +-0.596928800140495,-0.7549926412083,0.165834963640247 +-1.14369191033218,-1.06634091156833,0.166774972531108 +-1.06208355035307,-1.157895769917,0.309154908303877 +-1.32898540735228,-0.639785686033139,0.195527467054411 +-0.666786263178769,-0.973987712801545,0.176012177394388 +-0.666557375198852,-0.278112562653772,0.119697245409653 +0.428790479561327,-0.287014326777562,-0.209710714194798 +2.1474293388919,1.9372322261279,-0.655576081865451 +1.33909956140812,0.887505866113962,-0.325064562402461 +0.503227698711135,0.249510650612333,0.259918870776292 +-1.72459216281038,-1.12949561063489,0.167627133159332 +0.881843188200373,0.0913902213610983,0.0768231598218399 +-1.13701444353298,-0.327361774324219,0.237597584420386 +0.213802143305677,0.349332801896856,-0.143988482188807 +1.90685198802524,1.72277047190595,-0.601254148797486 +-0.42076275881463,-1.10682981930185,0.186815950854103 +-0.152460881173786,-0.493427785430638,-0.09726905556565 +0.155938662574347,0.330116705163195,0.0678458559599599 +1.53381675814679,0.669090608376815,-0.198072286966748 +-1.63533755908992,-1.09913548445351,0.238754196101497 +1.51137992052966,1.76045968791841,-0.419318598498365 +0.102605127175345,1.25826724128072,0.252086164537615 +1.20660046307397,1.29964107710997,0.0758287475626128 +-1.12845767336175,-0.385216791338791,0.430977448603011 +-1.18588196502878,-0.502063348563287,0.209908754197225 +1.11290664635698,0.886150175471043,-0.349138926496152 +-1.59370125641847,-0.883498004361198,0.292591125592223 +0.385892212544045,0.199515068092198,-0.0646531245815668 +-0.218159610706089,-0.893950133041937,-0.247855348184226 +-0.633175915819214,0.515697877749515,-0.0149493851864229 +1.06440610976297,0.302622072320817,0.165062798421393 +-0.56010891601414,-0.0805462084666266,-0.105608783606683 +-0.754526695922915,-1.31695349874565,-0.316016405440943 +1.35726053369213,1.04430491627871,-0.376771617878193 +0.0220010317694565,0.0656972547557526,0.256613293822736 +-0.307041438971575,0.592731137969187,-0.168260716530514 +-0.0984295231370416,-0.0982784730544387,0.302513973004847 +-0.422547038002767,0.214661820513243,-0.0330361764079987 +0.697198192727425,0.30379469999393,-0.212924775946068 +0.69164870568641,0.92549240810547,0.140877829736694 +-2.41934098314702,-1.83499910402619,0.686097274582706 +-0.0144944688202436,0.406033293623479,-0.095250920308312 +1.77399257311455,1.30863660056987,-0.327830747598203 +-0.473524345465488,0.764522981105413,-0.371358524578715 +0.0863046175668979,0.438904502481523,-0.178308090696525 +0.843694323984977,0.740044885575129,-0.155070910954994 +-0.0841570107701887,0.392752023019481,0.0561933749815957 +-1.17437254126467,-1.09973264531665,0.405597036716575 +-2.32977081144465,-1.77175518587684,0.633126697497225 +0.0434700343554428,0.686127792459623,-0.158528805782065 +0.635460666005981,0.244435157798231,-0.136613718608176 +0.0619074338261169,-0.083375958951303,0.185550680597295 +-0.34026100951059,0.278041194059824,0.113873313316023 +-0.746118784204438,-0.303999574360183,0.468274914209401 +1.81441488188288,2.41121198892955,-0.639645724832837 +-0.561843521717476,0.134669662094941,0.276341840493958 +0.288861662649647,0.534314888869035,0.106880934167512 +0.683172814728885,1.67106374041134,-0.435651648938537 +1.03749436644434,0.772253301500781,-0.538473767020198 +0.45228055944255,0.460666705090653,-0.0274105787824637 +0.725667659100741,0.930191172298036,0.315671395289065 +-0.816360900567283,-1.3327787596103,0.0646224387116805 +-0.880626580664187,-0.789091996103662,0.249395824431769 +-1.36349237521625,-1.12614379654844,0.530078934028687 +0.620355266018825,-0.460510547863235,-0.0982178052740487 +-0.780677397407596,-1.09636753771666,-0.000717755066040091 +0.142192963940184,0.570069115885664,-0.107493789922338 +0.169154342700131,-0.550243529552208,-0.144327865547474 +0.98446755446331,0.66887199410351,-0.123614568766411 +-0.667823703635718,-0.0157268857768701,-0.325284482552116 +0.785441325427805,-0.397292377599691,-0.142374569718934 +0.117007531304962,0.141781881654003,-0.138091965468857 +-0.895291448070293,-0.775378056977865,-0.256205450693399 +0.00931884108749493,0.338289238180531,0.00986676643647628 +0.589197795062152,0.261686209044854,0.141045582925673 +0.142496366474418,-0.34921171481919,0.00243213707602874 +0.713061563301016,0.685261716926407,-0.166094650652095 +-0.871593938959196,0.0877299688818683,0.260275663567698 +2.24631910803525,1.39680258483389,-0.74816647301002 +-0.0608878614387811,-0.0166638858504357,0.17111799608646 +0.0143836044060589,-0.60635630478681,0.0465760359244889 +2.06355812086474,1.31936313886625,-0.283913346838956 +2.3119905691466,2.05363174242584,-0.42593882679899 +0.424338606746701,1.04873800698083,0.00885638642936759 +0.815923635134428,0.46866489502388,-0.236056816982779 +-1.52492122780557,-1.18614378328546,0.370810363704204 +0.473962918940553,-0.0580777148164712,0.0386423427153326 +-0.39118899583679,-0.80157199871081,0.36070258751665 +-1.18726996430193,-0.518642216316434,0.30997855810829 +1.23205812533645,0.587119928875842,-0.275100778809458 +-1.66456017304709,-1.16243463452066,0.318598398900672 +0.409918501955265,-0.116510821042332,-0.204006497815608 +0.833073492317934,0.607648370637011,0.075073569818144 +0.277940323092165,1.11825915837136,0.127846614731688 +0.283686121836898,-0.0345676413357932,0.232800827279531 +-0.869792590038094,0.455881733800077,0.288504728609918 +1.48253756910196,1.06905755339468,-0.278800943940421 +0.147128243902195,-0.651316691100559,0.368976512460135 +-0.125079508859495,-0.478218816625825,-0.186064277626189 +1.06101317773863,1.69230563927431,-0.536319758023576 +0.842241488571846,0.345578922023658,0.0869362932590973 +0.470979642999327,0.606415243604859,-0.383653431239352 +0.582636164547668,0.0120437503087193,-0.0331568120113753 +1.09554898062514,1.03089892112831,0.00829983529041095 +0.667967655522163,-0.0660875789173637,-0.306517938632311 +-1.15365978171323,-1.63936584830455,0.274877445042989 +0.305712511495518,0.791349189464979,-0.185105000089081 +0.495218173813636,0.683739067632024,-0.579241800563941 +0.128446803776892,0.284593606815911,0.306202783271015 +-0.184133479558312,-0.462880916276574,0.0779472044051248 +0.433972334334153,1.08427739200332,-0.189319132021503 +0.793325966021225,0.663620854207889,-0.340531306519702 +0.199018371100968,0.142399804717022,-0.222426177985503 +0.910347639209896,0.434936634288435,-0.513346926184378 +0.641180534978479,0.946655366093105,0.0227708308025215 +0.141853692446779,0.0450076214595452,-0.200736187734166 +0.0191927704168856,-0.45499085467995,0.24269356210537 +0.762844419241554,0.54836887237548,-0.00358218935321349 +-0.678818347496999,-0.106083717936682,-0.202494205397406 +0.611799126319364,-0.365775339609631,-0.11507746399201 +2.01327067665896,1.16582294008325,-0.609145702766096 +-0.899770366342031,-0.497945208823211,0.173862760914756 +-1.72793192110534,-1.31304942194271,0.346596100035537 +0.947857637271937,0.374520860920269,0.0229097284208547 +-0.344299135254275,0.634451948413598,-0.333348328868703 +-0.155609852063555,-1.24328134160704,0.433375810655088 +0.562142808721611,1.2163945892925,-0.0475936166566143 +-1.50248254965109,0.0185597281622693,0.512651304470095 +1.04061415899685,1.52616745619269,-0.441923219848538 +-0.197867984091628,-0.174469422510439,0.313888763941077 +1.29490450833262,0.770436751341635,-0.566929383592404 +1.07199574347294,0.539164944238429,0.00602203702820017 +0.689552755480522,0.356174781119962,-0.603750786899323 +-0.401084996171121,-1.26956816791299,-0.0582782759837719 +-0.000175109416118574,0.750314514050258,-0.24283895386972 +-1.07090307623566,-0.971042987080036,0.354301402313665 +0.0601710499014716,0.0723441199188011,0.0683815297551165 +0.0497045719358709,0.74036543997616,0.0242699491005515 +-0.537334368001398,-0.356775946536672,-0.221671571631572 +0.949135240109653,0.439528465543373,-0.286927339761907 +-1.41835394921802,-0.528722644100355,-0.00491226635188119 +-2.35705016812976,-2.44593828943426,0.701667084737541 +0.735501556903155,0.0725573186770418,-0.114204380916773 +-0.642022769844131,-0.287958556790569,0.277981815930879 +0.20687918823715,-0.188547228154601,0.219535435172303 +-0.0677441721976715,-0.110763084028703,0.267538218377966 +-0.013816129632992,-0.532032417882718,0.149695310841202 +1.41102394838475,1.1828984386151,-0.591322461916288 +-1.55270949108353,-1.73778742933513,0.267251367269717 +0.636503684399896,0.846657819682379,0.319548790608518 +0.779049531932977,0.675022584386337,0.0771592924450963 +-0.529417224415575,-0.0219742452740974,-0.102985329707123 +0.66579104003131,0.0896162949096951,-0.0748547088613942 +-0.719188054637506,-0.0559793790244224,0.16450952835855 +0.405552026524496,-0.245534222135234,0.0425395826889152 +-0.114441992164535,-0.227046236783233,0.192878231932827 +-0.549304502556197,-0.738546532695241,0.0598024512854855 +0.215812931745967,-0.120368286142564,0.361317635638368 +-1.13336452343534,-0.651556830974932,0.511991005701147 +-0.433422483223133,0.0546754996033497,0.194524191671911 +-0.433524890774522,-0.844300366711188,0.144247094458178 +-2.02672953906361,-1.58019021679394,0.0862151339686152 +-1.13404823377718,-1.46360532758722,-0.058735801910953 +-0.75467453671802,-0.404096048627488,0.105806975425512 +1.47541685708786,0.786994169411005,-0.019168804168863 +-1.16949546910009,0.247380721288086,0.0648552947796516 +-1.13840255241397,-0.887159725236698,0.306794293168328 +0.231266444221689,0.801866015057596,-0.086238535991579 +-0.488944666681861,-0.85948805105273,0.241297669232838 +0.636319934816171,-0.410368262901147,-0.590253652418217 +-0.313505303901435,-0.175374944043518,0.310979436306503 +0.188579955399115,0.127491360493279,-0.0851535815794507 +-0.454194764945401,1.22134051224095,-0.0950055200993627 +-0.567942528750219,-0.60952882496989,0.21528790184359 +0.354242254628973,0.788257796743133,0.170210276072027 +0.736871497632787,0.559856043398058,-0.0691820980314587 +0.71547977157575,-0.0269788449125453,0.15498584010985 +0.530484420504346,0.7422635355395,-0.385878342785528 +0.00254835207825153,-0.353908712208057,0.134572466272816 +1.34390762281755,0.843928147590911,0.0325385780044712 +0.058657281204528,0.319648448635265,-0.0435607227573785 +2.27645418435922,1.89226202881638,-0.714956712368377 +1.7963279107809,1.25902067082529,-0.322408613568844 +0.0138895239259393,0.770136817273881,-0.0454352793232566 +0.677455116423985,0.505090169843507,-0.196708664265818 +-0.579881194754855,-0.414954624082411,0.0813850587294614 +-0.137258962648066,-0.502114480421789,0.00423085483735686 +0.64446223059077,0.915988247857849,-0.0218253589368088 +0.469301262827721,-0.417845468755695,-0.161597246574564 +-1.22960839241672,-0.887932987808223,-0.0487787513677345 +-0.518147818162021,-0.443674481207252,0.635251590868402 +0.504892343851582,0.309499615039566,-0.284044139220717 +0.206287248241687,0.251503029146434,-0.34441271416885 +0.215519908067175,0.380138024660472,-0.266412975344186 +1.27070167279323,0.568775632699612,-0.215380295981528 +-1.21755188380925,-1.20622875311293,-0.0619508368280847 +-0.366717041271718,-0.173072736560432,0.568001823475251 +0.74824746837497,0.722743640844762,-0.138473441016471 +-2.07664812273963,-2.16660650739645,0.567930785546185 +-1.41289287896012,-1.09884667508786,0.147197680647476 +0.289845134931477,0.241913548745975,-0.332378631399308 +-1.65232488261447,-1.14457887749901,0.0138720204151608 +-1.8821676938596,-1.51178504151659,0.271581917879825 +-0.83568113826702,-0.622373931045749,0.577533142392615 +-0.981933775581022,-1.3436770356533,0.246682913103822 +-0.665225591489112,-0.267059943099003,-0.303342952883566 +-0.241526604114859,-0.296449047985032,0.27479635980788 +1.47217502550954,0.554755978211176,-0.263004562691431 +-0.453489989519355,-0.368352317754087,-0.150718494287249 +-0.332599870207845,-0.546884617207487,0.0890471381287549 +-1.44778461355433,-0.596079310855165,0.328922284340221 +1.79653934621193,0.932220028752515,-0.443614325118593 +-1.42998757329558,-1.35591084762508,0.558983999208384 +-0.276338931334263,-1.57009815305812,-0.113567655461915 +-0.430983749620699,-0.200447060665563,-0.200150490511838 +0.794394623134809,0.543663216565052,-0.175771293666415 +-0.267670453873684,0.17954199882809,-0.0225541021478576 +0.439604064809326,0.247994057503975,-0.243970571308901 +0.90438985939616,0.756698066588326,-0.462248356912887 +0.697156160991959,0.579323207827334,0.114294440913715 +1.39339237532673,0.613339872801834,-0.445015706113101 +1.98879921323435,1.81757121292627,-0.0644145093954311 +-1.76555540536713,-1.53551295324057,0.603942608308285 +-0.71817675787997,-0.468248273792131,0.576819797838308 +-0.198092822286355,-1.09834718107916,0.13642671717141 +-0.233604374009377,-0.610353099220756,0.461137470161327 +0.395227641554939,0.612299692418013,0.109213484696895 +0.709778901434991,0.460692798935538,-0.468040284175299 +0.247764506481084,0.655895719959878,0.299439256177246 +-0.492974323977293,0.383711509157686,0.33211742125967 +-0.109337434559013,0.411650827200452,-0.0358805764884796 +-2.65616943484432,-2.13356701796801,0.304884148895754 +-0.32679719812993,0.793613982523102,0.331076533153082 +-0.445111429370431,-0.780585851070013,0.31057153927658 +0.507930337719709,0.242848115280009,-0.157837110029394 +-0.265041127372467,-0.51341415383386,0.0742822158928158 +-0.0505245582098141,-0.568238719856003,0.190114449617133 +-1.19622155454798,-1.44003664970723,0.495735168155408 +-0.418689590111314,0.0787907493951355,0.293027561662716 +0.626353978728537,0.537662036239823,-0.0441440621593764 +1.12729663674508,1.61903409742363,-0.452942856338604 +-0.0451552957483641,-0.768116849170676,0.251459042401854 +0.89921215181539,0.697409736886876,-0.0873205895344229 +0.152424873499763,0.0317390237081759,-0.450090704022144 +0.129649576382058,-0.412711981667337,0.256230589436008 +1.02446823495551,0.596806688973084,-0.0964637652501658 +-2.0982039031345,-2.30973381889233,0.656169571519943 +1.20982553078812,1.13913148040689,-0.220280512514075 +0.999665528781015,1.24254936925968,-0.142735826177732 +-1.15002814454051,0.133230589451007,0.0307467392719942 +-0.431509586882821,-0.999792558898762,0.315711128345101 +0.225386575925529,1.12366871796943,-0.00541740948432401 +0.45809520951122,-0.233204021283002,-0.234096705509591 +-0.817849047121663,-0.593186966490526,0.0429927948498277 +0.671948594043542,0.735315739593526,-0.182182522892858 +0.686054715795617,0.975273262525478,-0.280138645484219 +-1.48666854612824,-1.01043377633406,0.351951014780567 +2.87794830008653,2.09124878400083,-0.568779804138689 +-0.660412102484533,0.021094725892968,0.53072219840383 +-0.741860359318085,-0.501081956663498,-0.00517108089921496 +0.0893561690731469,0.107004507141284,0.0606047818358939 +1.26567069108816,-0.289205575119098,0.0600968836080233 +1.52008502039817,0.764719508686097,-0.579943045007523 +2.4093941422365,2.12892366701949,-0.346999433046579 +-0.77393167559077,-1.44100361004999,0.158223876454597 +-1.13767329970059,-0.654516023518916,0.468267376948264 +-1.41971777094821,-0.632540227901363,0.17705830414311 +-1.5718743141227,-1.14495104009284,-0.0708133311595954 +-0.403555724475067,-0.0359353489501629,0.465385799859195 +3.06589449567041,2.30979540519669,-0.594779635428791 +1.08932698517263,1.2365697663194,-0.308391863983171 +0.0346430654174742,-0.0181396983229894,-0.324104051008366 +-0.412653168670507,-0.331606089297983,0.246741366462317 +-0.164224026486966,-0.761020574189957,-0.233294907368591 +-1.77517107518295,-1.24827926314209,0.0584020340804677 +0.103519138085346,-0.460726673229122,-0.0975168961843457 +0.292486105654594,-0.232978333459094,0.440188620147089 +1.48303691347223,-0.2023390388182,-0.315245919447103 +-0.0924121711766093,-0.114540858715093,-0.131333329896932 +1.0399009270499,-0.209843477547475,0.118126620379821 +3.80927255106505,-0.935654862514359,-1.09090698196025 +-0.317375173229824,0.0966270297098603,0.0646441688506813 +1.36159544915558,-0.331073210214569,-0.0133260893243753 +-0.955772126796052,-0.531234295797319,0.523443654690384 +-3.41031418183199,0.369788435294328,0.512631946152685 +0.791330830910064,-0.49910907050051,-0.562232457690789 +3.49293329814706,-1.06510263382561,-0.680453309118493 +1.33955693894883,0.207602419344137,0.151568948118057 +1.29096971601233,-0.209002938108521,-0.182706797885934 +-5.0012359886828,-0.042514338175492,1.0691718304907 +1.11645064975786,0.124006391804927,-0.118079448334072 +3.40786806705249,-0.665775303358066,-0.642532628052806 +0.929207179361743,-0.0503261587260925,-0.160920475720181 +3.18905219711085,-0.565614038592119,-0.416437383295002 +0.633153049807062,-0.786184451499944,-0.274226373493219 +3.78664123573119,-0.761142735386772,-0.662516714091829 +-0.612895338917917,0.467278197308655,0.190285828849718 +1.86324526732927,-0.808635796884496,-0.576106510905919 +1.89067189937721,-0.628008769594444,-0.161919474105695 +-1.35919000777683,0.486707867212962,0.265720566465436 +0.839048405846531,-0.243312148911285,-0.138056402062784 +2.30873267770665,0.209053390111413,-0.576870229408295 +-0.884388396779146,-0.0869957903851163,0.0943198519678266 +1.0569205396377,-0.347924166726225,-0.611582977558763 +1.18431429470546,-0.214315353090016,-0.455120788579142 +3.25882040310482,-0.25407600535016,-0.240581507635176 +0.495419548974682,0.127670050312195,0.247027652928132 +0.792604349500037,-0.0131589627138935,-0.319198792931423 +3.34907162962407,-0.217224696541042,-0.546970509337408 +1.96502212802647,-0.112784651797797,-0.421566480067965 +1.9913585184248,-0.0955477813639909,-0.065434204377281 +2.6267912731788,-0.303256234531961,-0.441185992168353 +-1.67164981603085,0.134411247106011,0.341980986331884 +1.53758917604012,0.0888515088821054,-0.222421792910421 +3.00887588579552,-0.583824342752742,-0.806747334950814 +-3.70009437393453,0.748354714272191,0.46059219717677 +0.247716356840989,-0.985635864477131,0.134968428419701 +5.10521162135051,-0.845590597519633,-1.09920356948916 +2.77842646763097,-0.995875235517061,-0.450828389185991 +3.5660456815322,-1.06179285497131,-0.850632465103621 +0.966904685856421,0.426709316288266,-0.312913905367122 +4.39194013981401,-0.216224861636343,-1.03188152029924 +3.90578208399585,-0.653937720668306,-1.00273556723288 +-0.359725011451096,0.178163447397024,0.308408057924184 +2.19053826075359,-0.459801936958573,-0.445254946399178 +-1.54090368316901,-0.0615383209808435,-0.0432402535132859 +0.69903838894533,0.905766815353961,-0.334523210719747 +-1.74718387618327,0.220345899228382,0.0752798442613524 +-0.472604296590737,0.885379415236914,0.589793379281337 +0.363253914065736,-0.995431325660065,-0.300458378043263 +0.160256249890077,-0.956595488800209,-0.286435614906577 +1.27577666691908,0.124225887876505,-0.277173834648493 +-0.401202599150664,-0.282846703827088,-0.0921462411708417 +0.969592917067832,0.187258974677229,-0.151923859558583 +0.698122452814764,-0.124758639204288,0.0731914918202869 +2.32625433991872,0.140206619065766,-0.444536433537296 +-1.01959492848096,0.908161358066422,0.0875222513727398 +4.20211858441724,-1.28024687856528,-0.434634543014808 +2.81841066756194,-0.381790478342823,-0.342427846150581 +2.81167207815148,-0.889310015086308,-0.495463842572018 +0.510513430107477,-0.0173623690415136,-0.591748189439392 +-0.598681074842722,-0.653932884203918,0.12062530081438 +2.92740891589089,-0.361174340432399,-0.393565212640788 +2.05273991521548,0.469716796007222,-0.408639568935414 +-0.711816707355152,0.404981282224823,0.294484226502503 +-0.049624175403512,0.0874151488469633,-0.0912155759056384 +-0.794386478423794,-0.0842789927379477,-0.0900005198339826 +2.69200820051942,-0.551385371245388,-0.779520499177019 +-0.0350336739049135,-0.173253918980963,0.114422038405576 +3.63226196097673,-0.795736649370618,-0.966267206276407 +-1.0228873967347,0.282710491722935,0.487391146004753 +-0.611876023725513,-0.222068899439868,0.376141559081335 +2.24210084916152,0.189140575313948,-0.498974634931881 +2.88042415106748,-1.61936084944004,-0.486325832809553 +0.444379988806783,-0.0489139886897735,-0.133634241581701 +3.3376985361375,-0.270489204643483,-0.308983237357258 +-1.0937149567304,0.129678366963737,0.326213454620229 +1.17672030352786,-0.301230918262741,-0.406218665173023 +-2.57802115530376,0.662830635089166,0.42184875803707 +0.714186988131955,-0.479857075948807,-0.0617850128652301 +1.60369311789679,-0.20618867536632,-0.443054888439293 +1.4567452016423,-0.937130926080804,0.0147150383737719 +-0.755529971734922,0.0648895087519064,0.445939065919251 +2.08101634287335,0.435208314318284,-0.345562812198699 +-0.116252469460272,-0.109338343292801,0.15308993455371 +1.56779296311171,-0.543900864253302,-0.55625646144829 +-0.919803434193187,-0.387390367346255,0.23484962401313 +2.24297421792627,-0.0773913530766412,-0.222355716997714 +2.92074329339963,-0.533241106087437,-0.571968144351377 +1.20970999299012,0.274934011451,-0.405068095553859 +-2.23621133576915,0.473828911413152,0.559697438687067 +-1.8859648618355,0.609278641590681,0.511555697091101 +0.0586369870583291,0.11833041908834,-0.072052155125782 +2.21245361903049,-0.826813257211418,-0.31274412482456 +3.18986072020148,-1.21386158733555,-0.569621439921051 +-0.331002430815378,-0.105470078825552,0.282101962465126 +3.18841197956355,-0.444328237610674,-0.650623183198429 +-1.11919466306419,0.164678254303722,0.247467970026872 +4.40604731450776,-0.0899422746046797,-0.903495421582257 +0.208220996652508,-0.646753168360565,-0.0428946433390134 +5.09216311782601,-0.759411020202702,-1.00211122181576 +1.95557412277014,1.03511803420715,-0.426325367065179 +1.31951679504487,-0.0676092649690768,-0.203426524669735 +1.52962630616877,0.023492570069181,-0.482961039648117 +1.87018293635061,1.07278895219023,-0.190642622217513 +1.91384220385846,0.0532552077820511,-0.21099819328662 +2.68307753747671,0.0994039513540308,-0.400888981470263 +0.57436867247039,0.199472027598083,-0.156623259831707 +1.10665958598823,-0.187839173519518,-0.521715342750739 +-0.39885326585529,0.874803189418282,-0.088478436889833 +1.79719780159201,-0.422592412207069,-0.21453227122482 +-0.853515085749782,-0.229069362036829,0.255300308591192 +0.218384223465363,-0.02678744108218,-0.258434079520974 +-0.650575134883148,-0.193803755253032,0.148443396621538 +1.94629041677984,-0.0507785570061837,-0.456149025517085 +-0.0317090918854248,-1.06099445254359,0.416068681695862 +-0.78876937529747,-0.165461605738857,0.209256727022756 +-1.18940908641923,-0.119679050595387,0.21087965220222 +-1.26280400745163,-0.254979426008611,0.146810575536918 +4.25966700666117,0.901468194453245,-0.60267390647034 +-1.20384201443329,-0.221118281072327,0.393239965462587 +3.87136243561169,0.516061237554042,-1.25093014737636 +3.69424798045413,0.516833970741527,-0.813632232580975 +1.47748023410354,-0.177826788134392,-0.111498452704997 +1.02574381163609,-0.366377007704379,-0.233713609105347 +0.177813858147984,-0.129635100003468,-0.0602125980140532 +2.12211759564737,0.196799494808606,-0.57604253973689 +1.59464684195345,-0.227484567355165,-0.546109468096385 +-2.44411895945481,-0.0257342171089046,0.431298496163886 +2.8665643843286,-0.671638653276992,-0.596328011831728 +0.591477566279309,-0.10430718416816,-0.288043545960152 +0.323300563526939,-0.823632664468751,-0.197446596661151 +0.114797652869635,-0.0968318075020541,0.199938072182716 +1.09983922250175,-0.117039114215489,-0.0821510779578247 +1.10216921325402,-0.422300650246865,-0.193461803044266 +0.671336443160425,0.130904297439218,-0.436749136902569 +-2.28622004183902,-0.0134770619677331,0.597298943561452 +-2.805252773523,-0.502899526996121,0.802760881428332 +1.21730141115132,-0.53165939465795,-0.477134993936147 +1.11236800543473,-0.936361189055018,-0.25055101038944 +1.06797041257498,-0.0901377057871813,-0.1280461794378 +1.44706978676501,-0.434634884349637,-0.302102234776762 +0.293459943622506,-0.466787152048978,0.327389225060483 +1.29830051135664,0.144017303566997,-0.183808671065474 +0.785518871907695,-0.976172447626913,-0.182704624426559 +-3.35982958377356,0.295732000436251,0.788035946504941 +-1.76366996754347,0.173993315534138,0.185727073669283 +3.8093217605661,-0.0872675855960274,-0.637792231753765 +4.20636056229546,-0.146112435345298,-0.402327499271704 +0.541036636976432,0.648516173951412,0.0524871716212165 +-1.19838825569543,-1.08282031838458,-0.153476058687325 +1.57649932020418,0.265506657682594,-0.68359013539619 +-0.969419547560817,0.549942093430082,0.0626518496444629 +-2.42273476968936,0.347604380861353,0.576139627941006 +0.633412517271109,-0.421251267081402,-0.105723349861736 +1.30356082294542,0.0812577386270903,-0.280957799206327 +-0.300253972650533,-0.0331026987446732,0.26676961398848 +1.77127913895141,-0.349026621732284,-0.584988819794467 +1.70381038907474,-0.62171106399868,-0.254892272416293 +-0.420386148310684,-0.577830256435376,0.353851147073904 +1.06827865677431,-0.853253455609614,-0.488788683757665 +-3.01503809521115,-0.531028800143647,0.831171507623405 +2.69653015330903,-0.0995580379292771,-0.334463240199971 +0.517971993612352,0.353105841045883,-0.183362945326021 +0.937318081581267,-0.0196050318925725,-0.16152849929705 +-0.0136908057257632,-0.501164778397825,-0.271052754019925 +1.34342042048253,0.0474359485531535,-0.474354849269919 +1.55833869422126,-0.52607970165482,-0.345432533389308 +-0.237917177427076,-0.171881958686973,0.144251364710129 +-2.85481766183471,-0.225359948117412,0.400039988907761 +-3.1551947984023,0.0996447112655937,0.525399149763093 +-3.11754990685767,0.0961369385033765,0.492946628511579 +2.67826402017458,0.508388449629372,-0.719898640989505 +0.931316036575521,-1.34538015772253,-0.199586395685925 +1.40729772090207,-0.591473747960876,-0.144047817959325 +5.73570286071106,-0.292016428551923,-1.37553058972952 +-3.71518392275952,0.160043875809715,0.308341354815351 +-0.0896359558593876,0.0218592416076642,-0.172207524399679 +3.57564892146858,0.104504537370405,-0.678828549867735 +1.04137555631884,-0.209793304869948,-0.136585019068386 +1.15694136365921,0.0247499625057348,-0.154868203436322 +-1.28761091722145,-0.245125984309193,0.251220988391079 +0.32780892069938,-0.042856922601538,0.170467585720486 +1.67108635946398,-0.385097133022696,-0.0375607059413138 +1.96425266329804,0.385317242457895,-0.708326509201629 +5.14912946653799,-0.56389773075326,-1.47399620286028 +1.37802086719196,-0.311076167492249,-0.542905196085227 +0.355971646968635,-0.825286437348983,0.0503038114589356 +0.814710655607862,-0.115313644357834,-0.178943733847511 +1.18862146575238,0.229282194458786,-0.330160796474245 +1.50087237891279,0.601936104524125,-0.454034586847709 +0.79142071429628,0.207452710493808,-0.0590812804380839 +0.871435939728259,0.326503784493663,-0.020338332882592 +2.733417708662,-0.0656499102966952,-0.413753867925785 +1.51095097070347,-0.541196931044644,-0.320577680745917 +2.21655526401697,0.0896642084853407,-0.231137832841495 +2.70839182627366,-0.151992587183974,-0.889235682257839 +1.04853577979408,-0.135798182882082,-0.495900918459133 +2.27232130659831,-0.254693720319129,-0.262316450832282 +-3.29320188330887,-0.35582532733249,0.488969065202655 +0.425897779587816,-0.0258051131052777,0.327018947018898 +-0.856630594935928,0.368511075275697,0.226708871509347 +0.622933834609262,-0.218307484012008,-0.323468924256618 +-0.508968661107885,-0.384559103275574,-0.0591932418895757 +2.40217629534154,0.617375883566738,-0.367320464499259 +0.945051200193681,-0.524757790159464,-0.119102265731082 +6.12070504105747,-0.535542744171997,-1.19620118799045 +1.79090635176297,-0.0781635862556181,-0.104250446793402 +0.962694010583477,-1.25418663726806,-0.661613899199624 +5.99005982587601,1.1440857453036,-1.574039952209 +0.219429871603992,-0.862135042329666,0.00695274562247577 +0.566674529989021,-0.602335738166647,-0.437949754955896 +6.28061216602692,0.689942127605446,-0.948206802412705 +0.764022177638628,-0.607493911917578,-0.370074086029674 +-2.50819600773806,-0.619695436093551,-0.0257802737278874 +4.35922405712814,0.0584837097798925,-1.02512539093559 +0.0970143288093123,-0.435226127121352,-0.0962267600374399 +1.46880043594021,-0.0881955357767303,-0.69826642076183 +-3.36878339359643,-0.722885195914178,0.966261994629242 +0.701866155406543,-0.0502076696114493,-0.0343937174921009 +2.18714486176597,-0.296692894557536,-0.624439029740461 +-1.0777917233722,-0.386347847223307,0.000758607540138456 +3.76203724273425,-0.313998659420909,-1.10357460214818 +0.787763427190095,-0.266508048706985,-0.340956021861672 +1.25406478653921,0.792633041842144,-0.221711059276114 +1.26743343692311,0.137926535990328,-0.470959756945443 +3.06806412052549,0.0824379722847171,-0.611356111563492 +2.55773134956714,0.208874447583263,-0.411473049617644 +1.05084735292616,-0.070086104450989,-0.159112130659565 +-3.19212007359239,-0.143005520842657,0.741447336425303 +-2.72797968906329,-0.0138447168774609,0.716023583802311 +0.850046230490456,-0.283952839138217,0.116007820887844 +1.41014431987725,-0.0278102626207264,0.0364337055124105 +-1.02028683999944,-0.177193096160266,0.310118125775593 +1.75217759809769,-0.862226925503584,-0.649448997014127 +0.183976312271754,-0.094347550214234,0.260820626632162 +0.454537595856896,0.376690414259813,0.00605803707424857 +4.40678303416597,-0.701640935082924,-0.780749771140509 +-1.42503841216347,-0.197467133721065,0.287216489803527 +-0.531459308734794,-0.00921627934736136,0.310493216163793 +-0.408436158555305,-0.577697288754054,0.54489225805556 +0.42758745933481,-0.406757960494687,0.0587530064446032 +2.74125779099219,0.0125970102253503,-1.01287382825625 +-2.11798373900257,-0.160878030227657,0.654508467522256 +0.214248390971976,-0.0973216260883914,-0.00395278704893927 +-0.581141861370558,0.423007587311117,0.324270884975698 +-2.22002134822178,-0.506877172330357,0.728685345472802 +1.23988605479297,0.96712468114195,-0.325800937511777 +1.41610160136727,0.0131057558774308,-0.303501472675223 +0.097924362694503,0.775898885438206,-0.110039291440055 +0.39463367174116,-0.345045075872199,0.0724426826119173 +-2.20046031313175,-0.165171551051117,0.175260218385647 +2.36618708392575,0.195413447140818,-0.50532110516065 +-0.322200428341851,-0.0682612894733923,0.366319991470138 +2.41150712143949,-0.277336233058522,-0.614206402831456 +1.79407464298896,-0.498807564101207,-0.504449756813976 +1.87662062529466,0.680754969062497,-0.146244716012807 +-0.127744960891477,-0.21053126498607,0.0840419104142826 +4.29463753965355,-0.715166167370032,-0.611682044164706 +0.339181390247769,-0.633899808656727,0.176512401197496 +1.83302760814629,-0.329187896620356,-0.266104088404587 +-2.62577221615281,-0.216704870033627,0.298236607164213 +0.252945368688908,-0.898978369379033,0.162645249816847 +-0.234418527312018,-0.737461546066014,-0.0370756169147582 +1.92494774908659,-0.171013020579822,-0.276152367398252 +-2.85760216637767,0.394174541710512,0.460028866593186 +0.213639009578284,0.168304581967245,-0.000840202762193432 +2.2478769669742,-0.67251318307901,-0.504918516814057 +0.283481722778791,-0.300984280268816,0.0531713018953217 +1.23729130799408,-0.387525498665872,-0.118019439761934 +2.08137589075728,-0.125060127880533,-0.286441970178938 +-0.0906966785409813,-0.00918021002943548,-0.0432232895610605 +3.26187029964324,-0.542271771796463,-0.620935360403411 +1.91971651489897,-0.517201661857864,-0.121444110591828 +1.99319313223151,0.0116373568099424,-0.19521983469541 +1.59120617765128,-0.848488948930652,-0.455335341439965 +1.33804512671099,0.74153623576034,0.0933610354795067 +-1.05532548814824,0.0170476427354783,0.760428410491767 +-0.0148744411346917,0.633356499748962,-0.161132846144601 +-0.0731864566474751,-0.556710564762146,-0.127123751403328 +-0.56167084315503,0.15837316923657,0.347517611167926 +2.80354266041434,-0.303849880573939,-0.315851688480594 +1.80318410466866,1.07249688195344,-0.53419526913336 +1.34259856684825,-0.912186341487225,0.0278244496434794 +0.125399589020902,-0.0641027925635411,-0.247176776506297 +-1.59415945371804,-0.935027070367214,0.276332874725187 +0.42226465178059,0.130702148385357,-0.102911352570489 +-0.896376821789448,0.0873930268054824,0.328370094872471 +1.75304263875912,-1.07041876472513,-0.265312973828723 +0.704068036940233,0.177734995086812,-0.00764186139623253 +0.801278817921279,0.484661204157568,-0.445844900752462 +3.74248087090228,0.504652994191478,-0.529562612692879 +-2.58855975137054,0.0234439640869506,-0.00551775025074147 +4.57621525507723,0.0301320937326753,-0.722919336796631 +1.5957037307222,-0.588740962071182,-0.487093289289004 +0.0214144292591048,0.606138206406338,0.227917528099305 +-0.0879599275274423,-0.092578047849524,-0.0399993461492171 +0.170014177015709,-0.196378026382739,-0.126830313491533 +4.4296917846932,0.38761401431338,-1.01861485072738 +2.35838778602488,0.0181527674494641,-0.328019055655428 +2.05444649162928,-0.477243430005424,-0.118086922993195 +3.63654695916953,0.783441099852313,-1.09231594127168 +-0.484534559870353,-0.173645159526298,0.0475814791748735 +-2.78148474868882,0.581934923574902,0.994323737066833 +2.14486720759721,0.478934452137391,-0.450953623076321 +2.92068435744411,-0.275700118271356,-0.800110894290181 +2.03178206432983,-0.253318266345584,-0.516462178178966 +-2.81757973690871,-0.0308638692231557,0.522807158954287 +-2.92293080093706,-0.613658842153565,0.599410781891918 +3.59071545654387,0.907316081310496,-0.67256156932404 +0.485086333059723,-0.353348762105379,-0.228548942281173 +2.79606527452028,-0.183224825355039,-0.717669332889798 +0.908464143960416,0.150571480167658,-0.236771079588979 +1.91079035768525,-0.65334276463434,-0.336723120120344 +-0.231096980184588,-0.224779743058581,0.0571765423463249 +-2.47579080527171,-0.332142656758326,0.233687268870575 +0.0961822698974741,0.234518478903368,0.228931039022187 +4.20106842598703,-0.186331341151231,-0.519175112608245 +0.109220407479082,-0.594366490735978,-0.407584572517586 +3.23851296763658,0.208750714874992,-0.392750218425077 +4.24068210936106,0.0238577164733989,-1.07299484228773 +0.91668986827722,-0.181297700493914,-0.431666466629844 +0.960246889933747,0.133763870851671,-0.170336871121146 +0.807719497091891,-0.285454399436789,-0.172840150757831 +1.12609776338286,-0.362844856017625,0.100302593610076 +0.598608384349958,-0.47478825285727,0.0560063567471566 +1.64674824950419,-0.1231219118879,-0.571724313023409 +3.74741678423208,0.000513469926794172,-1.03783044282099 +-1.17733197548695,-0.608334734882741,0.276436114150871 +0.155112185757718,-0.574969970394629,-0.517882759596889 +-1.71346804766568,-0.393153107243745,0.6588944222185 +3.5209453620379,-0.537339313430804,-0.223853149167395 +1.73456054416311,-0.337886787608829,-0.231023241538858 +2.2315912995592,-0.00636176650867051,-0.0719868155262767 +3.23547838328494,-1.02890231794981,-0.780139846660128 +1.01209880893074,0.851551281985661,-0.0293145237768398 +1.63965065715845,0.399880564073614,-0.23077386184546 +1.45644844333961,-0.69220806104323,-0.13021000108125 +0.399925879585886,-0.783251891586,0.179882987975897 +-1.61346851229658,-0.816881449713291,0.336719878253479 +1.7406537236171,0.105514305879678,-0.530304998899114 +-0.967917114760299,-0.749872840071838,-0.019723124489204 +0.868617159298046,-0.883104814189614,-0.46702325551995 +1.43846172926267,-0.121931903330975,-0.255192525325737 +2.98308917332016,-0.802777704695155,-0.538269470648732 +1.42634388087599,0.089196456391695,0.212896362184564 +4.59746852369202,0.26787993619196,-1.42184680082679 +0.27452763919061,0.85866580280261,0.00923029648795977 +1.74338895660671,-0.294847542239849,-0.39729878523627 +0.0824143113908763,0.241389622629298,-0.140215671507393 +-1.18002643122503,-0.358231163841638,0.225911630051343 +0.81434049385955,0.264611944180457,-0.0328477547704495 +3.53781482726481,0.795080317166859,-0.999434015005456 +-0.752416821672141,-0.434898079320661,0.213221545716862 +0.101434354423567,-0.472563175207794,0.0939537890576253 +-0.118357123536583,-1.31151596642818,0.492899897746156 +1.74012128318493,0.283189517928416,-0.507426821156127 +1.80687118609408,-1.16864647518243,-0.430876313788177 +0.642449995155834,-0.346647506156062,-0.295496896767678 +0.0805965970499569,-0.380654695040111,-0.179438427049473 +-1.54857303371909,-0.392050406686421,0.236874504247328 +1.55678874609353,0.192108467863782,-0.152222400901683 +3.84924713984443,-0.709762138273745,-0.324964727732196 +1.85260503033345,0.619079531325649,-0.378062174343451 +0.859439757193809,0.440802596683954,-0.540691974799453 +-0.509443037797383,-0.428471019176582,-0.051979552973662 +2.84463606499356,-0.0376951133631117,-0.323908036510463 +0.872852700467214,-0.127572572926607,-0.132762828484043 +1.4833694008094,-0.774712615394131,0.0319707377747972 +5.01204626276892,-0.374359245010447,-0.705878757102325 +-1.42367700032461,-0.108736606678738,0.351837925489165 +-1.21724223973748,0.133802335556109,0.340009986051131 +2.1313058916923,-0.312559625437974,-0.51953588056801 +3.63907404253524,-1.04732748168757,-0.985156527160211 +1.07781054592576,-0.160449306017092,-0.0432008968891173 +3.08643306871957,-0.348811671172357,-0.683092993830709 +4.6467730769408,-0.436583171131076,-1.08467353645871 +-0.605204243086442,0.00944657694301698,0.252148416013709 +-1.04856809296364,0.985605140569412,0.51730313446469 +0.611748065602016,0.433105547447842,0.0279009561886257 +-2.35087379755045,-0.435762914860606,0.22569710552657 +-0.858883412285943,-0.781085276022917,-0.116784372906315 +0.785211619045061,0.503108973373532,-0.285168642513325 +3.54861830777476,-0.468431012201771,-0.804773333367402 +1.18447702405961,-0.791254672596692,-0.227847995201655 +1.03932542177071,-0.266791642540914,-0.431054848005099 +2.64131252719793,0.626669600345924,-0.473686247178206 +-3.17948704596467,-0.625752484666262,0.890108018736307 +1.88285864325507,-0.87494302702782,-0.377021753254565 +2.62190364788183,0.583437153618996,-0.545766712342718 +-1.12103801415432,0.43378627368819,-0.0608149098242934 +2.40995535061091,-0.0690940136194242,-0.80361828814556 +-0.323624257957146,0.0766963132115842,0.0396377900275414 +-1.98095129008461,-0.286059015029197,0.00533911014353278 +1.92822398580396,-0.0785755195296862,-0.483891179348078 +4.22450147746975,-0.0861997488009618,-0.61808568654152 +2.73157654772872,0.517500386429018,-0.834823016225145 +-1.01231416575569,-0.0996321028647563,0.552546926764259 +0.792504777783582,-0.724679387596137,-0.193261746533782 +2.75858263454051,0.00104360176035476,-0.388801842405333 +-2.02687565284849,-1.1546336281183,0.335871081764852 +5.87173888592688,0.13721517713741,-1.61039775987137 +2.9658554509177,0.384200663340916,-0.525558684529343 +3.88442324691459,0.922735522853357,-0.886609947085025 +-0.457975174004846,1.31306401249056,0.498587338731362 +0.319754697783338,0.237433731160989,-0.269306813110073 +1.25289793980959,-0.840983601852579,-0.0196887411075958 +3.34101544294204,-0.473641934820341,-0.67241208072093 +0.727690270114526,-0.251244813779095,-0.120696111207761 +-0.735885783787094,0.621618205808524,0.2126472549409 +2.06794836812213,-0.60332295760363,-0.312836301761175 +2.24712423417615,0.0196690465549625,-0.156517583308863 +-2.14017683655858,-0.227928684856971,0.464028348926511 +0.839828000112469,-0.918863060115298,-0.176709764970076 +2.31670625237007,0.0374151373159487,-0.435039909517464 +-2.27190755870275,-1.04049781779428,0.748594058773332 +4.57513504041252,0.0217799179439011,-1.06793055761734 +0.676896735300236,-0.819993938784505,-0.30364147217938 +0.267403302008724,0.0016368561826548,0.290376648146233 +2.12777004153485,0.169838741136445,-0.369545612754478 +-1.8046156981497,-0.467890083398547,0.531572378044984 +3.16297064426994,-0.354087999277922,-0.776592781463572 +2.73903039462459,0.45135326582402,-0.862422942720529 +1.80212494576636,-0.229277213582584,-0.477023968690117 +0.592324106940166,-0.0689184424567,-0.183846410091628 +2.20600203881949,0.0950267357672643,-0.545183165024924 +2.77029212765719,0.0843651777762873,-0.473871721202145 +1.48203923642902,0.411777936959089,-0.104167363160508 +4.55114439401903,-0.369608149318489,-1.01616427424721 +2.42259578018939,0.323632668703525,-0.263967123949603 +-0.0181448563678563,-0.905229028924678,0.203377914737524 +0.706220003503585,-0.268849532193402,0.0290241487300234 +1.84786469026489,-0.0575176456369251,-0.0966755461735565 +0.29559550838718,-0.160341665664408,0.156059472336468 +4.20342601194103,-0.338600255891592,-0.725072358181068 +1.60607967219987,0.919439768691282,-0.682886302049368 +-1.04934933075666,0.287737018849256,0.310574340839064 +1.95409982901809,-0.416772190910296,-0.339743822736091 +0.911603379583258,-0.456982388760918,0.307235430718031 +-0.0401842759190993,-0.283956730657627,-0.111540941284384 +-0.0880694605830243,-0.346008345743254,-0.219909402632676 +2.54075971787692,-0.389581050314664,-0.568588098449133 +1.44389583712792,-0.239351584734901,-0.480266997391572 +-3.05809608519265,-0.167967336119017,0.735378439062925 +0.659419233413151,-0.521197597511742,-0.21373994647205 +3.20209288377338,0.371190457246831,-0.352411282864244 +1.56617654686733,-0.0731569689002429,-0.451926676902179 +2.68280461584832,0.0456473512913219,-0.913736323570371 +1.39750961988971,0.417100854782094,-0.310028897628689 +-1.08596018828751,0.729030059277399,0.288675690887765 +3.18265903261744,-0.66415748370662,-0.801436962216364 +3.03503830400858,0.303984181968219,-0.939220202401549 +2.28048338363109,0.22145162833837,-0.286717668051581 +2.91090281458039,-0.256822614163891,-0.695451199178458 +3.07135533684514,-0.638401912486615,-0.605990261752268 +0.428486981775111,-0.196076168837575,-0.29272773098187 +2.47672763693249,0.66490904691537,-0.418802139186377 +1.36012363366261,-0.185560901252218,-0.73660293944617 +-0.716028293186794,0.00834867395593875,0.0781307149350279 +1.0931396701154,-1.01523085726251,-0.350301307430782 +0.614504417931156,-0.298486454136474,0.31436856444107 +0.554359075043384,-0.259602852338246,-0.0395080056085555 +0.653019402477206,-0.848702023022997,-0.203862843900092 +2.172697744862,0.319363758229017,-0.449028254521883 +-2.19106665576258,0.396021519285115,0.435930888044177 +3.9311977707309,0.24311165021034,-0.887019672651389 +-0.0665949021774743,0.49776899525869,0.187414675491611 +-0.191752461146485,-0.342186557399129,0.207406052088588 +2.46019198482019,-0.455856039961133,-0.54947848532367 +1.50318476719176,0.222766904754852,-0.234621729455239 +3.79996932574622,0.307116395118995,-0.78518105470977 +2.78045947017332,0.197697338076573,-0.350966711790896 +0.746280475191735,-0.272714704421575,-0.163088038039609 +-0.931069490545448,-0.82333239037494,0.6454583856552 +1.32297254386937,0.184970833665469,-0.259982965720043 +4.20727735847425,0.182072410865683,-0.989343838093219 +-4.452202260948,0.107197743045682,0.961312598119669 +1.72790961753695,-0.539609401348096,-0.251703711777361 +1.59023504652001,0.62068554245178,-0.206895765105625 +0.206915672125306,-0.390681712452425,-0.209785745601181 +2.76352521147045,-0.108444399374068,-0.627517398664526 +3.28597169107993,-0.319088825952668,-0.159385399595201 +0.0111233245270088,0.401988870574293,0.318092045815355 +2.59135475476258,-0.115655008465376,-0.437217284129006 +0.762606750727152,0.340293566168755,-0.236925733327736 +-0.434401360795814,-0.394696200063448,0.244142916030726 +0.972679645622369,0.611564936653867,-0.431174463033882 +1.35233917385064,-0.394242686424278,-0.469208013520684 +-4.00889890570918,-0.361451392726512,0.906208356643961 +1.14418826968051,-0.625757294561916,-0.687373779499416 +1.02962648564253,-0.18415169670902,-0.0218895244601761 +-2.6120063427188,0.311134101789907,0.724609553107626 +1.2036965559905,0.514834095068844,-0.504762397820526 +5.06195317290265,0.704180499601779,-0.62618359997545 +2.84533235681093,-0.473831402633351,-0.696653586369629 +5.08145916867195,1.39330310824618,-1.2146611403142 diff --git a/src/ICP/Test/X3.csv b/src/ICP/Test/X3.csv new file mode 100644 index 00000000..646c98e0 --- /dev/null +++ b/src/ICP/Test/X3.csv @@ -0,0 +1,4740 @@ +"gender","ethnicity","score","fcollege","mcollege","home","urban","unemp","wage","tuition","income","region" +"male","other",39.1500015258789,"yes","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",48.8699989318848,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"male","other",48.7400016784668,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"male","afam",40.4000015258789,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",40.4799995422363,"no","no","no","yes",5.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"male","other",54.7099990844727,"no","no","yes","yes",5.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"female","other",56.0699996948242,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",54.8499984741211,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",64.7399978637695,"yes","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",56.060001373291,"no","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",42.2200012207031,"no","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","afam",61.1800003051758,"no","yes","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.8499984741211,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",58.7700004577637,"yes","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",53.7200012207031,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",61.5200004577637,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",52.5299987792969,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",45.0099983215332,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",57.7099990844727,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",59.3600006103516,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",50.9300003051758,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",59.560001373291,"yes","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",58.4599990844727,"yes","yes","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",55.7000007629395,"no","no","no","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",60.810001373291,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","afam",40.5999984741211,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",49.9900016784668,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",59.689998626709,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",60.3300018310547,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",60.1399993896484,"yes","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",68.5800018310547,"yes","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",42.6100006103516,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",58.6599998474121,"yes","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"male","other",58.1399993896484,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",58.9500007629395,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",49.3699989318848,"no","no","yes","yes",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",47.25,"no","yes","no","yes",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",61.0299987792969,"yes","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"male","other",54.3499984741211,"no","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",68.120002746582,"yes","yes","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"male","other",70.0999984741211,"yes","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.6100006103516,"no","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.5699996948242,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.1100006103516,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",39.4099998474121,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.9799995422363,"yes","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"high","other" +"female","afam",41.5900001525879,"yes","yes","no","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",55.3199996948242,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","hispanic",42.2299995422363,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",62,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","hispanic",49.6500015258789,"no","no","no","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",44.9599990844727,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",37.310001373291,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",39.8699989318848,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",56.439998626709,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","afam",42.6500015258789,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",60.0499992370605,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",38.3199996948242,"no","no","no","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",65.870002746582,"yes","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",44.6500015258789,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",57.7400016784668,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",60.3800010681152,"yes","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",62.7700004577637,"no","no","no","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.7299995422363,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.060001373291,"yes","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.0200004577637,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.7400016784668,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",46.2799987792969,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"low","other" +"female","other",60.4000015258789,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"low","other" +"male","other",53.2099990844727,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"high","other" +"female","other",60.9300003051758,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.439998626709,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",45.310001373291,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",60.2200012207031,"yes","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",56.4199981689453,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",62.2700004577637,"no","yes","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",51.8400001525879,"yes","yes","no","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",57.5499992370605,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",57.6199989318848,"yes","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",57.5,"no","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",65.3099975585938,"yes","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",50.6199989318848,"yes","no","yes","no",7.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",51.2299995422363,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",53.5499992370605,"no","no","no","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.5200004577637,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",43.4099998474121,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.5,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.3199996948242,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",36.3699989318848,"no","no","no","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",43.7999992370605,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",45.1399993896484,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"high","other" +"female","other",63.2599983215332,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",51.3199996948242,"yes","yes","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"male","other",44.2299995422363,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",42.9300003051758,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"high","other" +"female","other",47.5999984741211,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"male","other",56.4700012207031,"yes","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"high","other" +"male","other",64.6900024414062,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"female","other",62.3499984741211,"yes","yes","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.9599990844727,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"female","other",40.2799987792969,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"high","other" +"male","other",44.6599998474121,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"male","other",65.4599990844727,"no","no","no","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"female","other",37.810001373291,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"male","other",66.9499969482422,"yes","yes","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"high","other" +"female","other",55.6399993896484,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"high","other" +"female","other",51.2799987792969,"no","yes","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",52.7799987792969,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",64.5999984741211,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",61.7299995422363,"yes","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","afam",50.810001373291,"no","yes","yes","no",5.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"male","other",44.4599990844727,"yes","yes","yes","no",5.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",41.5800018310547,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"female","other",40.7000007629395,"no","no","no","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"female","other",39.6300010681152,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"female","other",54.1699981689453,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"male","hispanic",38.9500007629395,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"high","other" +"female","other",62.8400001525879,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"male","other",64.4800033569336,"no","no","no","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",47.0900001525879,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",50.9500007629395,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",44.4599990844727,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",58.8899993896484,"no","yes","no","no",8.69999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",54.3600006103516,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",45.2900009155273,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",54.1699981689453,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",52.7400016784668,"yes","no","yes","no",6.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",60.939998626709,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",40.1800003051758,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.0900001525879,"no","yes","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",54.2599983215332,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.1300010681152,"yes","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"high","other" +"female","other",64.9800033569336,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",65.3499984741211,"no","no","no","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",55.9599990844727,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",61.7299995422363,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"high","other" +"male","other",56.3499984741211,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",51.0999984741211,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"high","other" +"female","other",39.5200004577637,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",60.75,"yes","yes","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",38.189998626709,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",51.0200004577637,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",53.6500015258789,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",56.3499984741211,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",52.9500007629395,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",63.4099998474121,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",66.1699981689453,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",45.0999984741211,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",66.9499969482422,"yes","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",62.9000015258789,"yes","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",52.9799995422363,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",62.2900009155273,"no","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",44.310001373291,"no","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",64.1100006103516,"yes","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"male","other",58.6199989318848,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",56.9199981689453,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",52.6699981689453,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"male","other",64.8300018310547,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",49.9000015258789,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",62.5499992370605,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",66.4899978637695,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",62.1399993896484,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",49.2000007629395,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.4700012207031,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",62.1500015258789,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","afam",43.2599983215332,"no","no","no","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.5400009155273,"no","yes","no","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",58.7200012207031,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.8800010681152,"yes","yes","yes","no",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",68.5,"yes","no","no","no",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",52.6399993896484,"no","yes","yes","no",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",37.5400009155273,"no","yes","no","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"male","other",63.5900001525879,"no","no","no","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"female","other",49.9000015258789,"no","no","yes","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"male","other",67.1800003051758,"yes","yes","yes","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"female","other",61.0200004577637,"no","no","yes","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"female","other",55.8899993896484,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"male","other",59.2400016784668,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"male","other",62.9799995422363,"yes","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"high","other" +"male","other",51.0800018310547,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"female","other",57.1199989318848,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"high","other" +"female","other",60.4099998474121,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"female","other",44.2799987792969,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"male","other",53.0499992370605,"no","no","no","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.7999992370605,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",53.5900001525879,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",39.2099990844727,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",65.9300003051758,"yes","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",56.0800018310547,"no","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",63.1300010681152,"no","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",58.3699989318848,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",59.9099998474121,"no","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"male","afam",51.4000015258789,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",49.0900001525879,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.4900016784668,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","afam",45.3600006103516,"yes","yes","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",44.689998626709,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",45.8400001525879,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",55.6599998474121,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",35.7999992370605,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",44.2400016784668,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",51.3300018310547,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",56.4599990844727,"no","yes","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",48.0299987792969,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",63.7700004577637,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",69.9000015258789,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",66.8899993896484,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",68.4400024414062,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",54.8499984741211,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.3600006103516,"yes","yes","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.0400009155273,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",56.9300003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",43.5400009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.8699989318848,"no","no","yes","no",6,9.64000034332275,1.15242004394531,"low","other" +"female","other",54.1699981689453,"yes","no","yes","no",6,9.64000034332275,1.15242004394531,"high","other" +"female","other",58.7299995422363,"yes","no","yes","no",6,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.8400001525879,"no","yes","yes","no",6,9.64000034332275,1.15242004394531,"low","other" +"female","other",65.7900009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",42.0299987792969,"no","yes","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.4300003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",49.5699996948242,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",51.9599990844727,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",63.5699996948242,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",51.689998626709,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",57.8699989318848,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",49.810001373291,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",52.4900016784668,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",43.2200012207031,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"male","afam",58.5299987792969,"yes","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",43.6300010681152,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",54.7900009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",37.6100006103516,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",62.25,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",43.7999992370605,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",51.9599990844727,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.2099990844727,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.3400001525879,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",62.939998626709,"no","yes","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",55.8300018310547,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.1199989318848,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",55.5400009155273,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",65.120002746582,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.8499984741211,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",45.5400009155273,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.6800003051758,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.3199996948242,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",56.4199981689453,"yes","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.2000007629395,"yes","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","afam",57.0699996948242,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.8600006103516,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",66.8600006103516,"yes","yes","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.5999984741211,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",56.9300003051758,"yes","yes","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"high","other" +"female","other",54.1199989318848,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",48.75,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.1599998474121,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",40.9000015258789,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.9599990844727,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"high","other" +"male","other",65.7099990844727,"no","yes","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",53.7299995422363,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.5299987792969,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",63.1199989318848,"yes","yes","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"high","other" +"male","other",51.1699981689453,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.4500007629395,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","afam",58.9300003051758,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",55.9799995422363,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",44.7799987792969,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.25,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",56.2999992370605,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",65.6800003051758,"no","no","no","no",7,9.64000034332275,1.15242004394531,"low","other" +"male","other",42.689998626709,"yes","yes","yes","no",7,9.64000034332275,1.15242004394531,"low","other" +"female","other",63.8199996948242,"yes","yes","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"female","other",55.4199981689453,"no","no","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"male","other",48.7099990844727,"no","no","yes","no",7,9.64000034332275,1.15242004394531,"low","other" +"female","other",62.5400009155273,"yes","yes","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"female","other",62.9700012207031,"no","yes","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"male","other",63.2099990844727,"yes","yes","yes","no",7.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",38.2000007629395,"no","no","no","no",7.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",54.9900016784668,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",62.6800003051758,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","other",50.6699981689453,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"female","other",53.3600006103516,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.9199981689453,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",55.75,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.7400016784668,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",56.0200004577637,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",58.5800018310547,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",48.5499992370605,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.6800003051758,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",57.9000015258789,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.9700012207031,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.8699989318848,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",54.0999984741211,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",40.2299995422363,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",50.0400009155273,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.25,"yes","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",61.8699989318848,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",67.620002746582,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",65.1399993896484,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"male","afam",58.4099998474121,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",66.8300018310547,"yes","no","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"female","afam",53.9599990844727,"yes","no","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","afam",52.7799987792969,"no","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"female","other",52.6500015258789,"yes","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","other",60.0800018310547,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.5900001525879,"no","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.0299987792969,"yes","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"female","other",40.7799987792969,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",48.0900001525879,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",41.7299995422363,"no","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",55.6699981689453,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.2299995422363,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.3699989318848,"yes","yes","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.9599990844727,"no","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.2599983215332,"yes","yes","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"female","other",60.9199981689453,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","afam",46.1399993896484,"no","no","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",50.2799987792969,"yes","no","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",39.8600006103516,"no","no","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.1100006103516,"yes","yes","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","afam",43.4199981689453,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",49.0699996948242,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","afam",36.25,"yes","no","no","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",48.3899993896484,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",49.0200004577637,"yes","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",38.0900001525879,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",57.1199989318848,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.439998626709,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"female","hispanic",46.0099983215332,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.5499992370605,"yes","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.1300010681152,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",50.7299995422363,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.2099990844727,"no","no","no","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.2200012207031,"no","no","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",47.189998626709,"no","no","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",36.3699989318848,"no","no","no","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",48.560001373291,"no","no","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.439998626709,"yes","yes","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","afam",49.2200012207031,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","afam",59.6699981689453,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",43.7599983215332,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",54.2400016784668,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",48.5299987792969,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",50.1399993896484,"no","no","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"male","other",52.4599990844727,"no","no","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"female","other",44.7599983215332,"no","no","no","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"female","other",46.2400016784668,"no","no","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.7799987792969,"yes","yes","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"high","other" +"male","other",62.4900016784668,"yes","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",43.6500015258789,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",56.0200004577637,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.9300003051758,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.810001373291,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"female","other",56.2799987792969,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",42.7999992370605,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",65.0500030517578,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.7400016784668,"no","yes","no","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",46.7799987792969,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"high","other" +"male","other",54.8699989318848,"yes","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"high","other" +"male","other",49.1100006103516,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"high","other" +"male","other",51.9000015258789,"no","no","no","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.9000015258789,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.2299995422363,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.4700012207031,"yes","no","no","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.060001373291,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",62.8600006103516,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.9300003051758,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",64.2699966430664,"yes","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","hispanic",51.5999984741211,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.9599990844727,"yes","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"male","other",60.439998626709,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",44.4700012207031,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",51,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.560001373291,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",64.8899993896484,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",58.2400016784668,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.1300010681152,"yes","no","no","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.2000007629395,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",52.310001373291,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.060001373291,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",60.9500007629395,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",55.9799995422363,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",67.4000015258789,"yes","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.3400001525879,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",49.2099990844727,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.2000007629395,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",50.8300018310547,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",42.1599998474121,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.9799995422363,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",61.4700012207031,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",54.6300010681152,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",32.5200004577637,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",42.8400001525879,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"female","afam",51.0800018310547,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",48.2000007629395,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",42.189998626709,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",48.8899993896484,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",42.8199996948242,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",65.6699981689453,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",61.8699989318848,"yes","yes","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",61.2799987792969,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",62.1800003051758,"no","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","afam",60.1800003051758,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"female","other",36.5900001525879,"no","no","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"male","afam",37.6699981689453,"no","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",61.75,"no","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.3199996948242,"yes","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",53.3300018310547,"no","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",48.7000007629395,"no","yes","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","other",66.2300033569336,"no","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.3199996948242,"no","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.1699981689453,"no","no","yes","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",56.2200012207031,"no","no","no","no",6.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","other",65.1900024414062,"no","yes","yes","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",42.0200004577637,"no","no","no","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",44.8600006103516,"no","no","yes","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",57.2799987792969,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",35.439998626709,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",64.5100021362305,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",42,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",45.0099983215332,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",49.9500007629395,"no","no","no","no",7.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",51.8800010681152,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",45.7599983215332,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","afam",41.939998626709,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",64.5299987792969,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",66.5199966430664,"no","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",53.0800018310547,"no","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",54.7599983215332,"no","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",54.5200004577637,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",47.0200004577637,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",62.0299987792969,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","other",62.439998626709,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"male","other",57.5099983215332,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",56.1699981689453,"yes","yes","no","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","other",44.6300010681152,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","other",47.9000015258789,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",56.7200012207031,"no","no","no","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"male","other",52.3300018310547,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",49.7599983215332,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",62.3800010681152,"no","no","no","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",62.5200004577637,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",53.8600006103516,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",58.7900009155273,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",41.5400009155273,"no","no","yes","no",7.40000009536743,10.039999961853,1.12702000141144,"high","other" +"male","other",58.5099983215332,"no","no","no","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","other",49.7000007629395,"no","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",46.8699989318848,"no","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",50.6699981689453,"yes","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",49.2400016784668,"no","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","afam",54.939998626709,"no","no","no","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","afam",41.189998626709,"yes","yes","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",58.810001373291,"no","no","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","afam",44.0400009155273,"no","no","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","afam",47.9599990844727,"yes","yes","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",47.3499984741211,"no","no","no","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",60.9500007629395,"yes","yes","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",55.9799995422363,"yes","no","no","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",69.3000030517578,"yes","no","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",62.8300018310547,"no","no","yes","no",6.90000009536743,10.039999961853,1.12702000141144,"low","other" +"male","other",62.5499992370605,"no","no","no","no",6.90000009536743,10.039999961853,1.12702000141144,"low","other" +"female","other",58.6100006103516,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",57.5400009155273,"no","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",60.6699981689453,"no","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",68.4400024414062,"yes","yes","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",64.5999984741211,"yes","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",68.7799987792969,"yes","yes","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",48.8499984741211,"no","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",64.0800018310547,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",62.9199981689453,"yes","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"male","other",65.0500030517578,"yes","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",55.0400009155273,"yes","no","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"male","other",58.0200004577637,"yes","no","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",54.8400001525879,"yes","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","afam",38.1100006103516,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","afam",36.3800010681152,"no","no","no","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",37.3400001525879,"no","no","no","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"male","afam",48.3199996948242,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","afam",35.6599998474121,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","afam",39.8800010681152,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"high","other" +"male","hispanic",61.8300018310547,"yes","no","no","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","other",53.4700012207031,"yes","no","no","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"male","other",61.439998626709,"yes","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",63.75,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",56.1300010681152,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",67.1100006103516,"yes","yes","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",57.2000007629395,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",56.5200004577637,"yes","yes","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",54.7200012207031,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"male","other",57.6800003051758,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",48.0200004577637,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",55.2299995422363,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",45.0400009155273,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",61.7299995422363,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",50.4199981689453,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",59.0699996948242,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","afam",47.4599990844727,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",56.3400001525879,"yes","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",50.9799995422363,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","afam",40.1699981689453,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",46.2400016784668,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",47.0699996948242,"yes","no","yes","no",7.40000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",58.9099998474121,"no","yes","no","no",7.40000009536743,10.039999961853,1.12702000141144,"low","other" +"male","other",58.5800018310547,"no","no","yes","no",7.40000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",41.75,"no","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",44.0499992370605,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",35.8199996948242,"yes","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",46.7999992370605,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",48.2200012207031,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",54.1599998474121,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","afam",41.6599998474121,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",56.9799995422363,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","afam",42.3300018310547,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",55.2200012207031,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",67.3199996948242,"yes","yes","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",49.7999992370605,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",37.25,"no","no","no","yes",8.39999961853027,10.039999961853,1.12702000141144,"high","other" +"female","afam",48.560001373291,"no","no","no","yes",8.39999961853027,10.039999961853,1.12702000141144,"low","other" +"female","other",58.1300010681152,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"low","other" +"female","afam",36.4599990844727,"no","no","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"low","other" +"male","other",38.8699989318848,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","afam",43.8600006103516,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"low","other" +"male","afam",39.3600006103516,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","afam",38.5699996948242,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","afam",48.7299995422363,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",62.7000007629395,"yes","yes","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.6599998474121,"yes","yes","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",63.6300010681152,"yes","no","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",34.9300003051758,"yes","no","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",59,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.4000015258789,"yes","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.25,"yes","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",45.2700004577637,"no","no","yes","yes",9.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",53.2799987792969,"no","no","yes","yes",9.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",39.9300003051758,"no","no","yes","yes",9.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",46.2299995422363,"yes","yes","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",63.3899993896484,"yes","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",48.3600006103516,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",62.5099983215332,"yes","yes","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",54.0900001525879,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",58.4900016784668,"yes","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.439998626709,"yes","yes","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",62,"yes","no","no","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",47.5099983215332,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",52.3199996948242,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",43.0999984741211,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.5699996948242,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",63.1699981689453,"no","no","no","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","other",66.3099975585938,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",50.8300018310547,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",55.1399993896484,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","afam",35.7000007629395,"no","no","no","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.3400001525879,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",53.2299995422363,"yes","yes","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",42.9799995422363,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",61.8600006103516,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",59.2900009155273,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.8499984741211,"yes","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",44.0299987792969,"yes","yes","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","afam",42.3199996948242,"no","no","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",37,"no","no","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",48,"yes","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","hispanic",44.9599990844727,"no","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.7400016784668,"no","no","yes","no",11,9.96000003814697,1.4041600227356,"high","other" +"male","other",43.6599998474121,"no","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","other",38.8499984741211,"yes","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","afam",65.5100021362305,"yes","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.9599990844727,"yes","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.310001373291,"yes","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",47.4700012207031,"yes","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",35.560001373291,"no","no","no","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.9300003051758,"yes","yes","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",69.3199996948242,"no","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",50.8899993896484,"no","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",57.1599998474121,"no","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.0400009155273,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.2900009155273,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.0199966430664,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"male","other",49.0299987792969,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"male","other",52.7900009155273,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"male","afam",41.7200012207031,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",56.5800018310547,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","afam",58.6500015258789,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",38.1199989318848,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",46.4199981689453,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",50.810001373291,"no","yes","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",49.189998626709,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",38.5699996948242,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",57.4300003051758,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",61.2900009155273,"yes","yes","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"high","other" +"male","other",65.7900009155273,"no","no","no","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","afam",59.4700012207031,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",42.6399993896484,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",41.4799995422363,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",40.9799995422363,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",36.939998626709,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",57.7999992370605,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",56.189998626709,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",60.5099983215332,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",34.1599998474121,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",43.3699989318848,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",40.1500015258789,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",35.7299995422363,"yes","yes","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",38.7299995422363,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",47,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",37.4099998474121,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.4700012207031,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.25,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.7700004577637,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.9000015258789,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.7099990844727,"yes","yes","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",46.4500007629395,"yes","yes","no","no",9.5,9.96000003814697,1.4041600227356,"high","other" +"male","other",57.1800003051758,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",43.7099990844727,"no","no","no","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",58.2400016784668,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",45.6199989318848,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"high","other" +"female","other",61.1500015258789,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",46.5800018310547,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",50.4199981689453,"no","no","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",36.0900001525879,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",43.2799987792969,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",35.0999984741211,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",43.5800018310547,"no","yes","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.1699981689453,"yes","no","yes","no",7.5,9.96000003814697,1.4041600227356,"high","other" +"male","afam",41.1399993896484,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",41.1100006103516,"yes","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",53.25,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",49.2799987792969,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","afam",38.9599990844727,"no","no","no","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.6599998474121,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.1699981689453,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",40.9700012207031,"no","no","no","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.0800018310547,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",52.6100006103516,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",56.4000015258789,"no","no","no","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.0299987792969,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.0999984741211,"yes","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",65.7900009155273,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",34.4000015258789,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",61.2200012207031,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.310001373291,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",61.810001373291,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.870002746582,"yes","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",45.8499984741211,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","afam",50.3400001525879,"yes","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","afam",38.2200012207031,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.939998626709,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",42.1300010681152,"no","no","no","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"male","other",61.689998626709,"no","no","no","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.5299987792969,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"male","other",47.310001373291,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"male","other",40.2299995422363,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.9199981689453,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"female","other",52.939998626709,"yes","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",52.5900001525879,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",48.8600006103516,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",66.6699981689453,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",45.9700012207031,"no","no","yes","no",13.3999996185303,9.96000003814697,1.4041600227356,"high","other" +"female","other",59.0099983215332,"no","no","yes","no",13.3999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",41.0200004577637,"no","no","yes","no",13.3999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",58.7700004577637,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",48.5499992370605,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"high","other" +"female","other",40.0099983215332,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",59.1500015258789,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",41.5400009155273,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.3699989318848,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.9000015258789,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",35.7299995422363,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",43.4500007629395,"yes","yes","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"high","other" +"male","other",65.4100036621094,"yes","yes","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",51.560001373291,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"high","other" +"male","other",56.2400016784668,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.6199989318848,"no","yes","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","afam",57.9000015258789,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"male","afam",50.5299987792969,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",54.6399993896484,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","afam",52.7999992370605,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","afam",44.7400016784668,"yes","yes","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",60,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","other",36.7900009155273,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",41.5900001525879,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",46.5299987792969,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",44.1500015258789,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",38.7900009155273,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",58.9500007629395,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.3300018310547,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.3399963378906,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.9599990844727,"yes","yes","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"high","other" +"female","other",59.6300010681152,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",40.4900016784668,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",57.9799995422363,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"high","other" +"female","other",44.1100006103516,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",47.439998626709,"no","no","no","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","afam",54.939998626709,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","afam",45.3400001525879,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",36.189998626709,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",55.8499984741211,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",43.1599998474121,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",34.2000007629395,"no","yes","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",39.1500015258789,"yes","yes","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",47.439998626709,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",56.5200004577637,"yes","yes","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","afam",45.939998626709,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",55.4799995422363,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",41.6800003051758,"yes","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","afam",49.5099983215332,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",57.5699996948242,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",59.5499992370605,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",49.4700012207031,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",60.2400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.6300010681152,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.6300010681152,"yes","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","afam",36.0200004577637,"no","no","no","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",67.5199966430664,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.1199989318848,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.5299987792969,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.9199981689453,"no","yes","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"high","other" +"female","other",48.5400009155273,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.3400001525879,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",49.8899993896484,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",48.8300018310547,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"male","other",42.6500015258789,"no","no","no","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.4900016784668,"no","no","no","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"male","other",46.6599998474121,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.4700012207031,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"high","other" +"male","hispanic",38.4300003051758,"yes","yes","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.8699989318848,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",40.7700004577637,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.6699981689453,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.560001373291,"no","no","no","no",3.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"female","other",61.7599983215332,"yes","no","yes","no",3.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"male","afam",47.3899993896484,"no","yes","yes","no",3.40000009536743,7.53999996185303,0.818710029125214,"low","other" +"female","other",49.5900001525879,"no","no","yes","no",3.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"male","afam",43.7999992370605,"no","no","yes","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",41.810001373291,"no","no","yes","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"male","other",55.9000015258789,"no","no","no","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",43,"no","no","no","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"female","other",45.8499984741211,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.0900001525879,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"male","other",50.6800003051758,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","other",61.2299995422363,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","other",43.8699989318848,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",54.4000015258789,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","other",43.2299995422363,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","other",36.1599998474121,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","other",59.6399993896484,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","other",37.9799995422363,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",34.6399993896484,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","other",62.2299995422363,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",52.5900001525879,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",34.5299987792969,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",42.4300003051758,"yes","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",61.7700004577637,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",48.4599990844727,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",61.060001373291,"yes","yes","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",43.1599998474121,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",47.3300018310547,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","hispanic",47.5499992370605,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",55.9300003051758,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",39.3199996948242,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",59.4799995422363,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","other",43.5400009155273,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",54.3300018310547,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.25,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",37.9099998474121,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","other",46.7700004577637,"no","yes","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.5699996948242,"no","yes","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",64.0100021362305,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","hispanic",40.4799995422363,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",58.189998626709,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",52.9799995422363,"yes","yes","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",48.8199996948242,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",52.560001373291,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","afam",55.1100006103516,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",42.5699996948242,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",51.4900016784668,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",54.3800010681152,"yes","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",43.7000007629395,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",63.9500007629395,"no","no","no","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",53.3400001525879,"yes","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"high","other" +"male","other",51.3600006103516,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",53.6699981689453,"no","no","no","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",36.2599983215332,"no","yes","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",46.939998626709,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",48.6100006103516,"no","no","no","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",56.3899993896484,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",49.810001373291,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",62.3899993896484,"yes","yes","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"male","other",60.4000015258789,"no","no","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"male","other",61.7200012207031,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","other",53.7200012207031,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"male","hispanic",49.3800010681152,"no","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","afam",57.0999984741211,"yes","yes","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","other",50.060001373291,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","other",59.7599983215332,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"male","other",53.1599998474121,"yes","yes","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"female","other",38.9000015258789,"no","no","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"female","other",52.3199996948242,"no","yes","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"male","other",52.6100006103516,"yes","yes","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"female","other",63.7599983215332,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","other",64.8199996948242,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","other",48.75,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","other",57.0200004577637,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","other",53.0200004577637,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",55.939998626709,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",58.5900001525879,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",66.370002746582,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",52.810001373291,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",46.8499984741211,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",59.810001373291,"yes","no","no","no",4,7.53999996185303,0.818710029125214,"high","other" +"male","other",45.25,"yes","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",32.0999984741211,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",52.5299987792969,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",56.8199996948242,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","afam",58.2200012207031,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",55.7799987792969,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","other",47.3499984741211,"no","yes","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"female","other",59.9900016784668,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","afam",55.8499984741211,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",62.4300003051758,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",58.7299995422363,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",62.7200012207031,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",55.810001373291,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"low","other" +"female","hispanic",54.0699996948242,"yes","yes","no","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","afam",40.25,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",59.0200004577637,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",41.7400016784668,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",45.8600006103516,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",67.75,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","other",49.7299995422363,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",44.4599990844727,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",45.2000007629395,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",41.5200004577637,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",64.75,"no","no","yes","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","afam",41.9599990844727,"no","no","no","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",44.2400016784668,"no","no","no","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",54.0299987792969,"no","no","yes","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",44.7799987792969,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",43.2299995422363,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",51.5699996948242,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",40.8199996948242,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",33.9500007629395,"no","no","yes","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","afam",37.25,"no","no","no","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",43.6800003051758,"no","no","yes","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.3699989318848,"yes","no","yes","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",50.1500015258789,"no","no","no","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",51.6599998474121,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",50.1699981689453,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",49.5200004577637,"no","no","no","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",68.9599990844727,"no","no","no","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",61.3800010681152,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",56.3400001525879,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",38.75,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",61.3199996948242,"no","no","no","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",50.6699981689453,"no","no","no","no",4.5,7.32999992370605,0.655889987945557,"high","other" +"female","other",44.1399993896484,"no","yes","no","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",46.0900001525879,"no","no","yes","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"male","other",59.560001373291,"no","no","yes","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",45.5200004577637,"no","yes","yes","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"male","afam",54.0299987792969,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",50.310001373291,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",35.7700004577637,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",55.1199989318848,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",44.5699996948242,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",58.0499992370605,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",38.810001373291,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",34.2400016784668,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",38.560001373291,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",42.5800018310547,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","hispanic",40.1800003051758,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",64.9300003051758,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",47.3199996948242,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",55.2000007629395,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","other",40.9000015258789,"no","no","no","no",6.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",65.5100021362305,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",59.8600006103516,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",38.1599998474121,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","other",41.810001373291,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"high","other" +"female","other",44.7099990844727,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"high","other" +"female","other",45.3800010681152,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",32.1399993896484,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"male","hispanic",37.8899993896484,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",59.4000015258789,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",55.3800010681152,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",41.8899993896484,"no","no","no","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",36.0999984741211,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",67.1900024414062,"yes","yes","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","afam",40.3499984741211,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",53.7700004577637,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",62.9700012207031,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",57.2599983215332,"no","yes","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",47.5699996948242,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",48.1199989318848,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"male","other",57.4000015258789,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"male","other",55.6699981689453,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",53.7599983215332,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",46.5699996948242,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"male","other",58.4300003051758,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","hispanic",45.0400009155273,"no","no","no","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",54.75,"no","no","no","no",15.6999998092651,10.1499996185303,0.434179991483688,"high","other" +"male","hispanic",47.9000015258789,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"male","other",45.560001373291,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",51.9000015258789,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",36.25,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.5200004577637,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",43.810001373291,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"male","other",40.1300010681152,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",36.5499992370605,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",51.8199996948242,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",55.75,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",45.5,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",43.6699981689453,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",61.310001373291,"no","no","no","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","afam",38.5299987792969,"yes","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"high","other" +"female","afam",55.4799995422363,"no","yes","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","other",44.0800018310547,"no","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","afam",46.9900016784668,"yes","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","other",55.3699989318848,"yes","yes","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"high","other" +"female","other",58.4300003051758,"yes","yes","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","afam",49.689998626709,"no","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","afam",47.9000015258789,"no","no","no","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","afam",35.6800003051758,"no","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","other",63.7599983215332,"yes","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",49.75,"no","no","no","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",66.1900024414062,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",45.5900001525879,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",41.7700004577637,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"high","other" +"female","afam",46.1699981689453,"yes","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",38.9799995422363,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","afam",40.6300010681152,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",54.689998626709,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",56.1399993896484,"no","no","no","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",50.0800018310547,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","afam",51.310001373291,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",39.3300018310547,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",56.5,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",41.1699981689453,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","afam",47.3699989318848,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",58.4799995422363,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",52.6399993896484,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",33.8800010681152,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","afam",51.6300010681152,"no","no","yes","no",8.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",39.7799987792969,"no","no","yes","no",8.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",43.2799987792969,"yes","yes","yes","no",8.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",36.8499984741211,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",48.1199989318848,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",45.4599990844727,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",38.6500015258789,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","hispanic",49.75,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",56.3899993896484,"no","yes","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",41.4700012207031,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",56.560001373291,"yes","yes","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","afam",45.1599998474121,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",35.1100006103516,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",40.2599983215332,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",36.6699981689453,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",52.6699981689453,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",58.0499992370605,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"high","other" +"male","other",56.9000015258789,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"low","other" +"female","afam",44.4300003051758,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"low","other" +"male","afam",39.6800003051758,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"high","other" +"female","other",58.6300010681152,"yes","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"high","other" +"female","other",40.4599990844727,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"low","other" +"female","other",53.0299987792969,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"high","other" +"female","other",55.6599998474121,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.5099983215332,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",56.4599990844727,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",37.9599990844727,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"high","other" +"male","afam",57.2900009155273,"no","yes","yes","no",8,7.53999996185303,0.818710029125214,"high","other" +"female","other",44.9599990844727,"yes","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.5699996948242,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",64.2200012207031,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",50.9099998474121,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.4700012207031,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"male","other",67.0599975585938,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"female","other",43.1199989318848,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"female","other",55.3600006103516,"yes","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"high","other" +"female","afam",48.1500015258789,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.8899993896484,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.25,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",47,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",40.2099990844727,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",44.189998626709,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",47.810001373291,"yes","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",54.4099998474121,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"high","other" +"male","afam",43.3899993896484,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","afam",38.8899993896484,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",43.2599983215332,"yes","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.1500015258789,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",42.2000007629395,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",48.1199989318848,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",38.1699981689453,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",41.439998626709,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"female","afam",41.5999984741211,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",30.7800006866455,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",48.5200004577637,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",31.1200008392334,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","afam",35.1500015258789,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",40.310001373291,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",53.8699989318848,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",51.0299987792969,"no","yes","no","no",4,9.68000030517578,1.09353005886078,"high","other" +"male","afam",46.7200012207031,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",59.6699981689453,"yes","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",56.1599998474121,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"low","other" +"female","afam",49.9300003051758,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"male","other",53.5,"no","yes","yes","no",4,9.68000030517578,1.09353005886078,"low","other" +"male","other",58.5999984741211,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",51.7099990844727,"yes","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","afam",35.3499984741211,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","other",44.6399993896484,"yes","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"male","afam",49.8699989318848,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"male","hispanic",36.3400001525879,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","other",51.9199981689453,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"high","other" +"male","afam",50.8499984741211,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","afam",45.5099983215332,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"high","other" +"male","afam",43,"yes","no","no","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","afam",35.0699996948242,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"male","afam",50.4300003051758,"no","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","afam",59.7200012207031,"no","no","no","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",43.060001373291,"no","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",67.120002746582,"yes","yes","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",43.3300018310547,"yes","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",65.4899978637695,"no","no","no","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",56.9500007629395,"no","yes","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"high","other" +"male","afam",51.6399993896484,"no","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",64.9599990844727,"yes","yes","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",53.4799995422363,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",51.3300018310547,"no","no","yes","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",41.0900001525879,"no","no","yes","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",36.7900009155273,"no","no","yes","no",9.19999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","afam",36.2400016784668,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",37.689998626709,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",56.7999992370605,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","afam",39.5200004577637,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",37.7000007629395,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",39.5099983215332,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.3600006103516,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",46.1599998474121,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"high","other" +"female","afam",38.2400016784668,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.4300003051758,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",36.6199989318848,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",41.2900009155273,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"male","afam",41.2099990844727,"no","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",38.5299987792969,"yes","yes","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",45.6699981689453,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",56.9799995422363,"no","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",50.5299987792969,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",40.2700004577637,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",48.0499992370605,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",53.4199981689453,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",55.3499984741211,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",46.3899993896484,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",42.7400016784668,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",55.7999992370605,"no","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",47.4199981689453,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"male","afam",57.9599990844727,"yes","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"female","other",59.4199981689453,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"male","other",53.5400009155273,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"male","hispanic",52.6399993896484,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"female","afam",42.7299995422363,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"male","other",56.2000007629395,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"female","afam",49.9700012207031,"no","yes","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",49.060001373291,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",59.2599983215332,"no","yes","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","other",41.4700012207031,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",58.0299987792969,"no","yes","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"female","afam",52.5400009155273,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",66.3499984741211,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",48.5699996948242,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","afam",51.6800003051758,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",52.9599990844727,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"male","afam",40.060001373291,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"high","other" +"female","other",42.75,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"high","other" +"male","afam",58.5,"yes","yes","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",46.310001373291,"yes","no","no","yes",4.59999990463257,7.17999982833862,1.16513001918793,"high","other" +"female","afam",44.0200004577637,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"male","afam",46.8499984741211,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",45.0699996948242,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",58.7099990844727,"no","no","yes","no",7.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","other",66.4499969482422,"yes","no","no","no",7.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.1500015258789,"no","no","yes","no",7.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","other",52.7900009155273,"yes","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","afam",31.6000003814697,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","afam",41.9900016784668,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",39.9700012207031,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",39.9799995422363,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",46.0999984741211,"no","yes","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"male","other",66.5899963378906,"no","yes","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.3499984741211,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"high","other" +"male","afam",32.3400001525879,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",38.6500015258789,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",50.3499984741211,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",37.3499984741211,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.1699981689453,"no","yes","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",43.7400016784668,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"high","other" +"male","other",44.5800018310547,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",37.9900016784668,"yes","yes","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","other",51.7900009155273,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",46.3499984741211,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",40.7700004577637,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","other",38.9700012207031,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","other",50.8300018310547,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"high","other" +"female","afam",39.6300010681152,"no","no","no","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","other",48.2599983215332,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","hispanic",34.6800003051758,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","other",40.7700004577637,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"high","other" +"male","afam",50.4500007629395,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","afam",38.75,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","afam",31.6800003051758,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",39.0400009155273,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",46.0699996948242,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",40.8899993896484,"yes","no","no","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",59.5999984741211,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",43.4700012207031,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"high","other" +"male","other",55.5,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",37.0900001525879,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",59.4799995422363,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",35.4000015258789,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",39.5499992370605,"no","no","yes","no",4,7.32999992370605,0.655889987945557,"low","other" +"male","other",66.1800003051758,"yes","no","yes","no",4,7.32999992370605,0.655889987945557,"low","other" +"female","afam",39.6199989318848,"no","no","no","no",4,7.32999992370605,0.655889987945557,"low","other" +"female","afam",37.2400016784668,"no","no","yes","no",4,7.32999992370605,0.655889987945557,"low","other" +"male","afam",51.25,"no","yes","yes","no",4,7.32999992370605,0.655889987945557,"high","other" +"female","afam",35.7700004577637,"no","no","no","no",4,7.32999992370605,0.655889987945557,"low","other" +"male","other",46.7700004577637,"yes","yes","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"high","other" +"female","other",54.8600006103516,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"male","other",52.3400001525879,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"female","other",40.4000015258789,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"female","other",56.5,"yes","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"male","other",45.2299995422363,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"high","other" +"male","other",53.0200004577637,"yes","no","no","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"female","other",60.7599983215332,"no","yes","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"high","other" +"female","other",39.0299987792969,"no","no","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",62.2000007629395,"no","no","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","hispanic",39.8300018310547,"no","yes","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"high","other" +"female","other",46,"no","no","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",37.6800003051758,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",42.1100006103516,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","other",56.7700004577637,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.939998626709,"yes","yes","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",55.0800018310547,"no","no","no","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","afam",52.4900016784668,"yes","no","yes","yes",5,7.53999996185303,0.818710029125214,"high","other" +"female","other",42.8899993896484,"no","yes","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","afam",39.560001373291,"no","no","no","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","other",52.8300018310547,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"high","other" +"female","afam",41.310001373291,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",43.5999984741211,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.3899993896484,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.2299995422363,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",34.0200004577637,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.9000015258789,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",58.8800010681152,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",38.2700004577637,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","hispanic",37.2200012207031,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",42.439998626709,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","other",59.8600006103516,"no","no","yes","no",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","afam",37.9099998474121,"no","no","no","no",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",48.6500015258789,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"male","other",54.2900009155273,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",48.189998626709,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",59.5299987792969,"yes","no","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"female","other",52.5099983215332,"yes","yes","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",51.2900009155273,"yes","yes","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",62.0400009155273,"yes","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",41.060001373291,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",45.2599983215332,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",68.8099975585938,"yes","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",60.1399993896484,"yes","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"high","other" +"male","hispanic",41.2200012207031,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",51.0200004577637,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","afam",45.3800010681152,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",33.0699996948242,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.9700012207031,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"male","other",44.560001373291,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"female","other",33.8400001525879,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"male","other",47.9500007629395,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"female","afam",41.1300010681152,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"male","other",53.4900016784668,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",58.9700012207031,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","afam",41.8499984741211,"no","no","no","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","hispanic",38.1599998474121,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",54.7700004577637,"yes","yes","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","other",65.8600006103516,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",49.9900016784668,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",62.6800003051758,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","other",50.7799987792969,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.2900009155273,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",52.75,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",47.75,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",49.189998626709,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",35.1500015258789,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",41.2200012207031,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",44.9900016784668,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"high","other" +"male","afam",36.9199981689453,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",40.5299987792969,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",35.9799995422363,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",59.1199989318848,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","hispanic",37.0699996948242,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",49.4799995422363,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",52.0099983215332,"yes","no","yes","no",6.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",43.9500007629395,"yes","no","no","no",6.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","other",49.8300018310547,"yes","no","yes","no",6.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","other",55.2799987792969,"no","no","no","no",6.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",48.9900016784668,"no","no","yes","no",6.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.9799995422363,"no","no","yes","no",6.5,7.32999992370605,0.655889987945557,"low","other" +"male","other",44.6599998474121,"no","yes","yes","no",6.5,7.32999992370605,0.655889987945557,"low","other" +"male","hispanic",46.2799987792969,"no","no","yes","no",6.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",45.7999992370605,"yes","no","yes","no",6.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"female","other",43.4199981689453,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",56.0999984741211,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",46.1800003051758,"no","no","no","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",48.5900001525879,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",69.379997253418,"yes","yes","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","afam",37.6100006103516,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",64.5400009155273,"yes","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","afam",43.939998626709,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",62.5099983215332,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",49.8400001525879,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",49.7400016784668,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",40.4199981689453,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.9099998474121,"no","no","no","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",44.0299987792969,"no","yes","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.7999992370605,"no","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",61.6100006103516,"yes","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",44.6699981689453,"no","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",65.0500030517578,"yes","no","no","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",51.9199981689453,"yes","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",55.5299987792969,"no","no","no","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",60.9300003051758,"yes","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",43.5400009155273,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","afam",37.1699981689453,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","other",45.4000015258789,"yes","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"high","other" +"female","other",41.7999992370605,"no","no","no","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","afam",40.1300010681152,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"high","other" +"female","other",51.9799995422363,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"high","other" +"male","other",51.9900016784668,"yes","no","no","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","other",52.2599983215332,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",49.8800010681152,"yes","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"male","afam",41.8699989318848,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","afam",38.4300003051758,"no","no","no","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",37.9099998474121,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",54.310001373291,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",36.2299995422363,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",61.3699989318848,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",42.3499984741211,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",51.7200012207031,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",42.3499984741211,"yes","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",46.1300010681152,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.0999984741211,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",45.9000015258789,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",54.3699989318848,"yes","yes","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","afam",39.8899993896484,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",47.7599983215332,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",50.0099983215332,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",44.1699981689453,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",54.5,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",63.0900001525879,"yes","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"male","other",60.8600006103516,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",56.5099983215332,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"male","other",52.7299995422363,"yes","yes","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",46.2799987792969,"no","no","no","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",54.2099990844727,"no","no","no","yes",5.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","other",65.9499969482422,"yes","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",40.7799987792969,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",64.6900024414062,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",47.4500007629395,"no","no","no","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",39.9000015258789,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",50.8400001525879,"no","yes","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",62.8600006103516,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","other",56.8499984741211,"no","no","no","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",44.939998626709,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",34.2900009155273,"no","no","no","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","afam",37.1399993896484,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"male","afam",36.2400016784668,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",48.9500007629395,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",63.9700012207031,"yes","yes","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"male","other",59.4500007629395,"no","no","no","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",39.0200004577637,"yes","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","afam",53.1399993896484,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",36.7599983215332,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",38.0099983215332,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.310001373291,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"female","afam",50.0200004577637,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",39.0400009155273,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",46.6100006103516,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",60.2200012207031,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",53.1399993896484,"no","no","yes","no",9.30000019073486,7.40000009536743,0.883369982242584,"low","other" +"female","other",52.5,"no","no","yes","no",9.30000019073486,7.40000009536743,0.883369982242584,"low","other" +"male","other",53.9900016784668,"yes","yes","yes","no",5.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",53.7200012207031,"yes","yes","yes","no",5.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",61.1500015258789,"no","yes","yes","no",5.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","hispanic",36.4300003051758,"no","no","no","no",5.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.5200004577637,"no","no","no","no",5.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",52.060001373291,"no","no","yes","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",43.5900001525879,"yes","no","yes","no",5.5,7.40000009536743,0.883369982242584,"high","other" +"male","other",55.0999984741211,"no","no","no","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",49.6800003051758,"no","no","yes","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",48.2799987792969,"yes","yes","yes","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",59.0099983215332,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"high","other" +"male","other",58.0800018310547,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","hispanic",56.7200012207031,"yes","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"high","other" +"female","other",44.2799987792969,"yes","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",38.6500015258789,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",55.9900016784668,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",48.6599998474121,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","afam",55.2799987792969,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",42.3800010681152,"no","no","no","no",6.40000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",38.5999984741211,"no","no","no","no",6.40000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",61.2400016784668,"no","no","yes","no",6.40000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",43.7200012207031,"yes","yes","no","no",6.40000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","other",49.1199989318848,"no","no","yes","no",6.40000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","other",52.6500015258789,"yes","yes","no","no",3.70000004768372,7.40000009536743,0.883369982242584,"high","other" +"female","other",42.1199989318848,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"high","other" +"female","other",45.6800003051758,"yes","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"high","other" +"male","other",55.1599998474121,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"female","other",52.6199989318848,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"female","other",57.7000007629395,"no","no","no","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"male","other",35.7900009155273,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"female","afam",39.4099998474121,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","other",49.1399993896484,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",64.629997253418,"yes","yes","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","hispanic",43.560001373291,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","other",37.7200012207031,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",48.560001373291,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","other",36.9300003051758,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",49.5800018310547,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",56.0800018310547,"yes","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",58.2400016784668,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",51.2900009155273,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",55.0400009155273,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","other",54.8699989318848,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",61.0900001525879,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","other",58.2299995422363,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"male","other",34.1500015258789,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"high","other" +"female","other",51.5,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"low","other" +"female","other",38.8300018310547,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"high","other" +"male","other",46.9300003051758,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"low","other" +"male","other",59.2000007629395,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"low","other" +"male","afam",38.2000007629395,"no","yes","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"male","other",46.9199981689453,"yes","yes","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"high","other" +"male","other",54.2299995422363,"no","no","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"high","other" +"female","hispanic",38.3499984741211,"no","no","no","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"female","other",63.5699996948242,"no","no","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"male","afam",36.6399993896484,"no","no","no","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"female","afam",37.8199996948242,"no","no","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"female","other",59.3699989318848,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",59.5900001525879,"no","no","no","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",54.0400009155273,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",39.4700012207031,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"high","other" +"male","other",57.6399993896484,"yes","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",63.75,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",59.2700004577637,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"female","afam",39.8499984741211,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"male","other",52.0099983215332,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"high","other" +"female","other",51.189998626709,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"high","other" +"male","other",52.8199996948242,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"female","afam",46.25,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"male","other",66.4700012207031,"yes","yes","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.1699981689453,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"male","other",34.3300018310547,"yes","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"male","other",44.7999992370605,"no","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",40.2200012207031,"no","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",49.8300018310547,"no","yes","yes","no",8.5,8.26000022888184,0.615469992160797,"high","other" +"male","other",52.4500007629395,"no","yes","yes","no",8.5,8.26000022888184,0.615469992160797,"high","other" +"female","other",61.810001373291,"no","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",48.3300018310547,"yes","yes","no","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",59.4199981689453,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",46.1100006103516,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",34.4199981689453,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",67,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",50.3499984741211,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",58.9199981689453,"no","no","no","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",62.9500007629395,"no","yes","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",40.4900016784668,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","afam",41.2000007629395,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","afam",44.3300018310547,"no","no","no","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","other",44.9000015258789,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"high","other" +"female","afam",46.7200012207031,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"male","afam",36.560001373291,"yes","no","no","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"male","other",45.5900001525879,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","afam",35.3300018310547,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.7200012207031,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","other",56.9700012207031,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","hispanic",44.0999984741211,"yes","no","no","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",33.5999984741211,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",37.2799987792969,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","afam",41.0699996948242,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",49.0099983215332,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",42.8400001525879,"no","no","no","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",39.6699981689453,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"high","other" +"female","other",47.7400016784668,"yes","no","yes","no",9.5,7.40000009536743,0.883369982242584,"high","other" +"female","other",53.1699981689453,"no","no","yes","no",9.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",47.9099998474121,"no","yes","yes","no",9.5,7.40000009536743,0.883369982242584,"high","other" +"male","other",60.8899993896484,"yes","no","yes","no",9.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",62.1399993896484,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",57.9799995422363,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",47.6300010681152,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",53.9199981689453,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","afam",47.3199996948242,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",54.2400016784668,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"female","other",48.9700012207031,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"female","other",52.1300010681152,"no","yes","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"male","other",49.439998626709,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"female","other",66.0199966430664,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"male","other",49.689998626709,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"high","other" +"male","other",51.7099990844727,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",37.310001373291,"yes","yes","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",47.7799987792969,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",55.9900016784668,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",33.7900009155273,"no","no","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",59.4500007629395,"no","no","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",60.4599990844727,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",45.439998626709,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",58.189998626709,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",58.4599990844727,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",53.0900001525879,"no","no","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","afam",47.8899993896484,"no","no","no","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",57.939998626709,"no","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"female","other",52.4199981689453,"yes","yes","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",63.4300003051758,"yes","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"high","other" +"male","afam",48.25,"no","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",45.2200012207031,"no","no","no","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"female","afam",38.4300003051758,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",53.0400009155273,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",37.9099998474121,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",50.7099990844727,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",56.1399993896484,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",43.5999984741211,"no","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","afam",53.1699981689453,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",40.7599983215332,"yes","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",33.9799995422363,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",40.3800010681152,"no","yes","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",37.75,"no","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",45.4000015258789,"no","no","no","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","afam",51.7299995422363,"no","yes","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","afam",52.8300018310547,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","other",42.5,"yes","yes","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","afam",34.2799987792969,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",51.810001373291,"yes","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","afam",32.189998626709,"no","no","no","no",8.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.0400009155273,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"female","afam",35.2599983215332,"no","no","no","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",44.0499992370605,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","hispanic",56.9799995422363,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",51.9300003051758,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.439998626709,"no","no","no","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"male","other",49.310001373291,"yes","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"female","other",59.8600006103516,"yes","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"male","other",39.0200004577637,"yes","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","other",41.6599998474121,"no","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","afam",38.3600006103516,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",36.8899993896484,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",61.8400001525879,"yes","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","other",45.9900016784668,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","other",44.8499984741211,"no","no","yes","no",5.80000019073486,7.40000009536743,0.883369982242584,"high","other" +"female","other",46.0900001525879,"no","no","yes","no",5.80000019073486,7.40000009536743,0.883369982242584,"high","other" +"male","afam",42.1699981689453,"no","no","yes","no",5.80000019073486,7.40000009536743,0.883369982242584,"high","other" +"female","other",39.8899993896484,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"male","hispanic",37.2299995422363,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","afam",34.7099990844727,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","other",38.5800018310547,"yes","yes","yes","no",9,7.48999977111816,0.804849982261658,"high","other" +"male","other",40.939998626709,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"high","other" +"female","other",52.5099983215332,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.439998626709,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","other",38.5299987792969,"no","no","no","no",9,7.48999977111816,0.804849982261658,"low","other" +"male","afam",49.8300018310547,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",38.2400016784668,"no","no","no","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","other",46.7000007629395,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","hispanic",53.9799995422363,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",40.4799995422363,"no","no","no","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",37.5699996948242,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","afam",34.7000007629395,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",44.0800018310547,"no","no","yes","no",8,7.40000009536743,0.883369982242584,"low","other" +"male","afam",36.5900001525879,"no","no","no","no",8,7.40000009536743,0.883369982242584,"low","other" +"female","afam",40.4900016784668,"no","no","no","no",8,7.40000009536743,0.883369982242584,"low","other" +"male","afam",39.1500015258789,"no","no","no","no",8,7.40000009536743,0.883369982242584,"low","other" +"male","other",45.2999992370605,"no","no","yes","no",8,7.40000009536743,0.883369982242584,"low","other" +"female","other",52.9900016784668,"yes","no","yes","no",8,7.40000009536743,0.883369982242584,"low","other" +"female","afam",35.2299995422363,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"male","other",55.1699981689453,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",39.9500007629395,"no","no","no","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",44.6199989318848,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.9900016784668,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",32.7200012207031,"no","no","no","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","other",55.0200004577637,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",36.5400009155273,"no","no","no","no",5.90000009536743,7.40000009536743,0.883369982242584,"low","other" +"female","afam",37.4199981689453,"no","yes","yes","no",5.90000009536743,7.40000009536743,0.883369982242584,"low","other" +"male","afam",54.4000015258789,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"male","afam",45.9300003051758,"no","no","no","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","afam",45.0200004577637,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"female","afam",44.5900001525879,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",44.6800003051758,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"male","afam",40.4300003051758,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",39.8300018310547,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",47.310001373291,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",44.3899993896484,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",39.8699989318848,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",40.6800003051758,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"male","other",57.9599990844727,"no","no","yes","no",12.5,9.06999969482422,0.669749975204468,"low","other" +"male","other",34.8600006103516,"no","no","no","no",12.5,9.06999969482422,0.669749975204468,"low","other" +"female","other",53.5099983215332,"no","no","no","no",12.5,9.06999969482422,0.669749975204468,"low","other" +"male","other",36.5299987792969,"yes","yes","yes","no",12.5,9.06999969482422,0.669749975204468,"high","other" +"female","other",44.9500007629395,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"high","other" +"female","other",47.5200004577637,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"male","other",63.7099990844727,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"male","other",33.4000015258789,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"female","other",51.6599998474121,"no","no","no","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"male","other",43.560001373291,"yes","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","other",60.2400016784668,"no","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"male","afam",46.1399993896484,"no","no","yes","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","afam",36.2900009155273,"no","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"male","other",48.6199989318848,"no","no","yes","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","other",64.7900009155273,"yes","yes","yes","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","other",54.9199981689453,"no","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"male","other",40.2999992370605,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"male","other",43.8899993896484,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"male","other",57.9199981689453,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"male","other",34.1699981689453,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.9599990844727,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"female","afam",42.9199981689453,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",34.6599998474121,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",48.6300010681152,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",36.9700012207031,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","hispanic",42.6599998474121,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",43.2000007629395,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","hispanic",34.8300018310547,"no","no","yes","no",11.1999998092651,9.06999969482422,0.669749975204468,"low","other" +"female","other",43.3800010681152,"no","no","yes","no",11.1999998092651,9.06999969482422,0.669749975204468,"low","other" +"male","other",47.0099983215332,"no","no","yes","no",11.1999998092651,9.06999969482422,0.669749975204468,"low","other" +"female","other",40.4000015258789,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",43.560001373291,"yes","yes","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",49.189998626709,"yes","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",36.4000015258789,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",34.4700012207031,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",60.6300010681152,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","other",54.6399993896484,"yes","no","no","no",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","other",43.8800010681152,"no","no","yes","no",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","other",50.1500015258789,"no","no","yes","no",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",53.939998626709,"no","yes","no","no",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","other",54.4300003051758,"no","yes","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",57,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",42.5099983215332,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",59.6599998474121,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"male","other",31.0499992370605,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"high","other" +"female","other",38.7400016784668,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"male","other",53.4599990844727,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",46.5,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"low","other" +"female","other",47.3499984741211,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",46.9599990844727,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"high","other" +"female","afam",55.8199996948242,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"male","afam",38.060001373291,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"female","other",57.1199989318848,"no","no","yes","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"male","hispanic",62.9199981689453,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"female","other",59.2799987792969,"no","no","yes","no",6.30000019073486,9.89999961853027,0.673210024833679,"high","other" +"female","afam",52.939998626709,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"male","other",44.7900009155273,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"high","other" +"female","other",56.8600006103516,"yes","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","afam",57.6599998474121,"no","yes","no","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","afam",43.0699996948242,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",58.6699981689453,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",53.9900016784668,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","other",65.9499969482422,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",56.1100006103516,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","hispanic",45.2099990844727,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","other",60.9500007629395,"no","no","no","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","afam",34.2400016784668,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","afam",43,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","afam",45.1100006103516,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","other",53.4700012207031,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"male","other",39.75,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",37.6500015258789,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","afam",60.0099983215332,"yes","yes","yes","no",8.5,9.89999961853027,0.673210024833679,"high","other" +"female","afam",42.6399993896484,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",39.3300018310547,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",35.4300003051758,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","hispanic",34.3199996948242,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",44.1599998474121,"no","no","no","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"male","afam",32.6500015258789,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"male","afam",35.7400016784668,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",41.0099983215332,"no","no","yes","no",8.39999961853027,10.0299997329712,0.524249970912933,"low","other" +"male","other",47.2599983215332,"no","no","yes","no",8.39999961853027,10.0299997329712,0.524249970912933,"low","other" +"female","other",46.1300010681152,"no","no","yes","no",8.39999961853027,10.0299997329712,0.524249970912933,"high","other" +"male","afam",36.5400009155273,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"female","hispanic",36.9099998474121,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"female","other",44.6199989318848,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"male","other",60.5999984741211,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"female","other",42.0299987792969,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"male","other",54.4300003051758,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"male","other",44.2400016784668,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.5,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"female","other",46.3199996948242,"yes","yes","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.0699996948242,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"male","other",50.25,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",40.3800010681152,"yes","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","afam",43.1800003051758,"no","yes","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",41.1399993896484,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","other",52.5800018310547,"no","no","no","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","other",59.4000015258789,"yes","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"high","other" +"female","other",46.5499992370605,"no","no","no","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",43.9300003051758,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",39.8600006103516,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",50.9700012207031,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","other",49.9300003051758,"no","no","yes","no",7.09999990463257,6.59000015258789,0.692840039730072,"low","other" +"female","other",38.4900016784668,"no","no","yes","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",43.9799995422363,"no","no","no","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",50.3199996948242,"yes","yes","no","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",42.7400016784668,"no","no","yes","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",44.0200004577637,"no","no","no","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",40.5299987792969,"no","no","yes","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",45.1300010681152,"no","no","no","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","afam",35.9599990844727,"no","no","no","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",50.4300003051758,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","afam",33.0200004577637,"no","no","no","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","afam",35.7000007629395,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","other",36.810001373291,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","afam",41.1599998474121,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","other",44.5099983215332,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",52.5099983215332,"yes","no","yes","no",4.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",41.689998626709,"no","no","yes","no",4.5,10.0299997329712,0.524249970912933,"high","other" +"female","other",42.6800003051758,"no","no","no","no",4.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",41.0099983215332,"yes","yes","yes","no",4.5,10.0299997329712,0.524249970912933,"high","other" +"female","other",57.439998626709,"no","no","yes","no",4.5,10.0299997329712,0.524249970912933,"high","other" +"female","other",60.5099983215332,"no","no","no","no",4.5,10.0299997329712,0.524249970912933,"low","other" +"female","other",52.0099983215332,"no","no","yes","no",6.30000019073486,6.59000015258789,0.692840039730072,"low","other" +"female","afam",35.2700004577637,"no","no","yes","no",6.30000019073486,6.59000015258789,0.692840039730072,"low","other" +"male","afam",40.3699989318848,"no","no","yes","no",6.30000019073486,6.59000015258789,0.692840039730072,"low","other" +"female","other",50.3300018310547,"no","no","yes","no",9.89999961853027,6.59000015258789,0.692840039730072,"low","other" +"female","afam",45.8800010681152,"no","no","yes","no",9.89999961853027,6.59000015258789,0.692840039730072,"low","other" +"male","other",32.439998626709,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"high","other" +"male","other",51.1300010681152,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",47.1300010681152,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",51.4700012207031,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"high","other" +"male","other",47.560001373291,"no","no","yes","yes",6,10.0299997329712,0.524249970912933,"low","other" +"female","afam",56.4599990844727,"no","no","yes","yes",6,10.0299997329712,0.524249970912933,"low","other" +"male","afam",50.5999984741211,"no","no","no","yes",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",66.3099975585938,"yes","yes","yes","yes",6,10.0299997329712,0.524249970912933,"high","other" +"female","afam",55.3199996948242,"no","no","yes","yes",6,10.0299997329712,0.524249970912933,"high","other" +"female","afam",54.6500015258789,"yes","yes","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",44.6100006103516,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",48.8499984741211,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",40.4000015258789,"no","no","no","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",37.0499992370605,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","other",44.9500007629395,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",40.1500015258789,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",54.189998626709,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","other",56.2000007629395,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",31.7000007629395,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",39.4099998474121,"no","no","no","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",48.6100006103516,"no","no","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","hispanic",38.6100006103516,"no","yes","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",40.4500007629395,"no","no","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"high","other" +"female","other",41.2099990844727,"no","no","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",39.2599983215332,"yes","yes","no","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.3600006103516,"no","no","no","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",33.810001373291,"no","no","yes","no",7.09999990463257,6.59000015258789,0.692840039730072,"low","other" +"male","afam",28.9500007629395,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"high","other" +"female","other",56.1500015258789,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"male","other",57,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"male","other",46.0200004577637,"yes","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"male","other",55.9000015258789,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"female","afam",37.0699996948242,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"male","other",46.9199981689453,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",30.9099998474121,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",42.3800010681152,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",45.4599990844727,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",44.8899993896484,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"male","other",44.2299995422363,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"high","other" +"female","afam",35.7900009155273,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"high","other" +"female","afam",39.8899993896484,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","other",43.3199996948242,"yes","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",49.060001373291,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",38.1699981689453,"no","no","no","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","other",46.8699989318848,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","afam",49.0699996948242,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",39.4799995422363,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","afam",42.2999992370605,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","other",47.9599990844727,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","afam",48.4500007629395,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","hispanic",47.6599998474121,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",61.1699981689453,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",51.5299987792969,"yes","yes","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",41.9900016784668,"no","yes","no","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",65.1699981689453,"yes","yes","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","afam",53.1399993896484,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",39.939998626709,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.3800010681152,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",57.0499992370605,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",57.189998626709,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",37.1699981689453,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"male","other",45.810001373291,"yes","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","other",40.5699996948242,"no","no","no","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.9700012207031,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","other",57.2999992370605,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",41.2000007629395,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.5800018310547,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",59.5,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",40.560001373291,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.060001373291,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.8600006103516,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",64.1800003051758,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5499992370605,"yes","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",60.4099998474121,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",51.6699981689453,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.8199996948242,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",62.2700004577637,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.4500007629395,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",49.189998626709,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",59.3699989318848,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"male","other",43.7900009155273,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",38.0400009155273,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",53.6500015258789,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",57.810001373291,"yes","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"male","other",48.7200012207031,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",50.5900001525879,"yes","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",59.2700004577637,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.1800003051758,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",56.439998626709,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.4799995422363,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.9900016784668,"no","no","no","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",49.6500015258789,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",45.5299987792969,"no","no","no","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",52.2400016784668,"yes","yes","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",41.0299987792969,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",52.7000007629395,"yes","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",64.4499969482422,"yes","yes","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",39.2900009155273,"no","yes","no","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",59.6500015258789,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",41.2299995422363,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",53.1100006103516,"yes","no","no","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",44.1500015258789,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",57.4000015258789,"no","yes","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",38.7099990844727,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",44.3300018310547,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",37.6300010681152,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.810001373291,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",54.9099998474121,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",37.4000015258789,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.5999984741211,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",48.5699996948242,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",51.1199989318848,"no","no","yes","no",3.5,9.92000007629395,0.454970002174377,"low","other" +"female","afam",40.3199996948242,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",51.9300003051758,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"male","other",45.2099990844727,"no","no","no","no",3.5,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",60.25,"no","no","yes","no",3.5,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",43.3800010681152,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",56.5999984741211,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",48.5400009155273,"no","yes","no","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.6300010681152,"yes","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",45.2200012207031,"no","yes","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",40.9900016784668,"yes","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","afam",48.0900001525879,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",35.3899993896484,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.2999992370605,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","afam",40.6199989318848,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.9000015258789,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"male","other",57.939998626709,"yes","no","yes","no",7.5,9.92000007629395,0.454970002174377,"high","other" +"male","other",46.3300018310547,"yes","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",67.9199981689453,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"male","other",52.0299987792969,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","afam",37.0800018310547,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.3499984741211,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",42.5099983215332,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",50.3199996948242,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",34.2000007629395,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","afam",46.3600006103516,"no","yes","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",48.3899993896484,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",40.7000007629395,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"low","other" +"male","other",55.5999984741211,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"high","other" +"female","other",59.3300018310547,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",36.6599998474121,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"low","other" +"female","other",37.9900016784668,"no","no","no","no",3.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.4300003051758,"yes","no","no","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",63.75,"no","no","yes","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",50.5299987792969,"no","no","yes","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.2400016784668,"no","no","yes","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.2900009155273,"no","no","no","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"male","other",55.9700012207031,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","afam",40.5200004577637,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","other",39.4500007629395,"no","no","no","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",37.8199996948242,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",43.310001373291,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","other",61.7799987792969,"yes","yes","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",40.189998626709,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","afam",47.9099998474121,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","other",41.1699981689453,"no","no","no","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","other",67.8499984741211,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",66.0299987792969,"yes","yes","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","afam",38.8600006103516,"no","no","no","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",68.5800018310547,"no","yes","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",42.689998626709,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",56.060001373291,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.9700012207031,"no","no","no","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",46.5299987792969,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",33.7799987792969,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",38.8400001525879,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",64.2300033569336,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"female","other",47.8899993896484,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"male","other",44.3499984741211,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.689998626709,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"female","afam",39.4500007629395,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"male","afam",44.8499984741211,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",40.2099990844727,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",43.8300018310547,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",45.4099998474121,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",40.5299987792969,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.3600006103516,"no","no","no","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",42.5900001525879,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",56.6599998474121,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",33.6599998474121,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",39.5699996948242,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",35.7400016784668,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.3800010681152,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",41.2200012207031,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",44.4500007629395,"yes","yes","no","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",62.8300018310547,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"female","afam",48.4700012207031,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",38.5,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.6699981689453,"no","no","no","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.8300018310547,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","afam",35.5699996948242,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.6399993896484,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",63.5200004577637,"no","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",51.5099983215332,"yes","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",42.6599998474121,"no","no","no","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",45.1599998474121,"yes","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",61.7000007629395,"yes","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",49.9799995422363,"no","no","no","no",3.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.6199989318848,"no","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",49.3800010681152,"no","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",57.560001373291,"no","yes","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",49.6500015258789,"yes","yes","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",57.939998626709,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",62.3600006103516,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","other",47.7099990844727,"yes","yes","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",52.0400009155273,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","other",53.3899993896484,"yes","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.3300018310547,"yes","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","other",56.189998626709,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",64.7699966430664,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",55.3899993896484,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",49.8600006103516,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",50.8300018310547,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",47.9799995422363,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.7700004577637,"no","no","yes","no",8,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.7200012207031,"no","no","yes","no",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",55.3699989318848,"yes","yes","yes","no",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",39.2200012207031,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",34.7200012207031,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",41.6599998474121,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",53.0999984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.9500007629395,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",32.6399993896484,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",52.1199989318848,"yes","no","no","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",53.8300018310547,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",59.0099983215332,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",48.0900001525879,"no","no","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","other",63.0200004577637,"yes","yes","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","hispanic",55.2099990844727,"no","no","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"high","other" +"female","other",41.560001373291,"no","no","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",62.0800018310547,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","hispanic",51.0099983215332,"yes","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","afam",58.4599990844727,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","other",52.7700004577637,"yes","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.5999984741211,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","afam",50.6500015258789,"no","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",43.7000007629395,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",49.5099983215332,"no","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"female","other",55.6300010681152,"yes","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","hispanic",56.4300003051758,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",46.4099998474121,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",55.5800018310547,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.0800018310547,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",53.4500007629395,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",58.2700004577637,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",40.8300018310547,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",55.5999984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",60.6599998474121,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",42.689998626709,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.189998626709,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",55.4599990844727,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.6100006103516,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.25,"no","no","no","no",10.3000001907349,11.6199998855591,1.24827003479004,"low","other" +"female","hispanic",35,"no","no","no","no",10.3000001907349,11.6199998855591,1.24827003479004,"low","other" +"female","other",39.3300018310547,"no","no","yes","no",10.3000001907349,11.6199998855591,1.24827003479004,"high","other" +"male","other",53.8400001525879,"no","no","yes","no",10.3000001907349,11.6199998855591,1.24827003479004,"low","other" +"male","other",45.4900016784668,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",65.8199996948242,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",60.2299995422363,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.7900009155273,"yes","yes","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.0499992370605,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.3199996948242,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",42.5400009155273,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",61.060001373291,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",65.9400024414062,"no","no","no","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.2799987792969,"yes","yes","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.8899993896484,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",42.1399993896484,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.2900009155273,"yes","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.5800018310547,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"male","other",49.2999992370605,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"male","other",44.5,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",53.5299987792969,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",51.6500015258789,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.9099998474121,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","hispanic",49.689998626709,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.4300003051758,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",45.0699996948242,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",49.1500015258789,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",33.7900009155273,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",44.1599998474121,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",64.7399978637695,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",47.6199989318848,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","other",65.9700012207031,"yes","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.2000007629395,"no","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",58.6800003051758,"no","no","no","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",41.0200004577637,"no","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",41.0099983215332,"no","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.1500015258789,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","hispanic",38.25,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",62.5099983215332,"yes","yes","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",47.1199989318848,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",65.7900009155273,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","other",59.9900016784668,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","other",40.4799995422363,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","afam",39.8300018310547,"no","yes","yes","no",6.40000009536743,11.6199998855591,1.24827003479004,"low","other" +"male","other",68.2099990844727,"no","no","yes","no",6.40000009536743,11.6199998855591,1.24827003479004,"high","other" +"male","other",54.7000007629395,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.560001373291,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",56.4199981689453,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",46.9900016784668,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.3600006103516,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",65.4400024414062,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",60.7999992370605,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.5699996948242,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",64.7300033569336,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",40.5099983215332,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",42.6800003051758,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",37.8899993896484,"no","yes","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",52.9500007629395,"no","no","no","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",58.4599990844727,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",65.9300003051758,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",57.7099990844727,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.689998626709,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"male","other",61.0999984741211,"yes","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.1599998474121,"yes","yes","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.9199981689453,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"high","other" +"female","other",50.2099990844727,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.310001373291,"no","no","no","no",10,11.6199998855591,1.24827003479004,"low","other" +"female","other",65.5100021362305,"no","no","yes","no",10,11.6199998855591,1.24827003479004,"low","other" +"male","hispanic",53.439998626709,"no","no","yes","no",10,11.6199998855591,1.24827003479004,"high","other" +"female","other",51.7099990844727,"no","no","no","no",10,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.0699996948242,"no","no","no","no",10,11.6199998855591,1.24827003479004,"low","other" +"male","other",48.8300018310547,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",60.0699996948242,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","hispanic",40.2900009155273,"no","yes","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.810001373291,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",59.4000015258789,"yes","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",41.75,"no","no","no","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.189998626709,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.4099998474121,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",60.2000007629395,"no","no","no","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.1800003051758,"yes","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",56.0099983215332,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",39.1699981689453,"no","no","no","yes",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",34.5800018310547,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",45,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",43.8600006103516,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",42.3300018310547,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",53,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",48.6100006103516,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",51.7700004577637,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",45.1199989318848,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",48.9099998474121,"yes","no","no","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",48.8800010681152,"no","no","no","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",48.1800003051758,"yes","yes","yes","no",13.5,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.4799995422363,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",48.2400016784668,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",65.5299987792969,"yes","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.4199981689453,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.4300003051758,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"male","afam",44.4700012207031,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",57.060001373291,"no","no","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.25,"yes","no","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.4700012207031,"yes","yes","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"high","other" +"female","other",48.8600006103516,"yes","no","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"high","other" +"female","other",58.9000015258789,"no","no","yes","no",11.1999998092651,11.6199998855591,1.24827003479004,"low","other" +"female","other",38.9599990844727,"no","no","yes","no",11.1999998092651,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.1100006103516,"no","no","no","no",11.1999998092651,11.6199998855591,1.24827003479004,"high","other" +"male","other",65.5599975585938,"no","no","yes","yes",8,11.6199998855591,1.24827003479004,"high","other" +"male","other",63.2099990844727,"yes","yes","yes","yes",8,11.6199998855591,1.24827003479004,"high","other" +"male","other",50.7799987792969,"no","no","no","yes",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",45.4099998474121,"no","no","yes","yes",8,11.6199998855591,1.24827003479004,"high","other" +"male","other",66.4499969482422,"yes","yes","no","yes",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",40.9799995422363,"no","no","no","no",11.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",59,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",64.0899963378906,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",48.5900001525879,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",33.2400016784668,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",51.1300010681152,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",52.0400009155273,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",51.3499984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",48.6100006103516,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",48.1699981689453,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",43.4199981689453,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","afam",49.8499984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",45.310001373291,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",50.5900001525879,"yes","no","yes","no",8.39999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.9000015258789,"yes","no","yes","no",8.39999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",51.8899993896484,"no","no","yes","no",8.39999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",35.8600006103516,"no","no","no","no",6.59999990463257,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.5200004577637,"yes","no","yes","no",6.59999990463257,11.6199998855591,1.24827003479004,"high","other" +"female","other",53.810001373291,"no","no","yes","no",6.59999990463257,11.6199998855591,1.24827003479004,"high","other" +"male","other",53.2999992370605,"yes","yes","yes","no",6.59999990463257,11.6199998855591,1.24827003479004,"high","other" +"male","other",51.810001373291,"yes","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.4300003051758,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"female","other",62.0499992370605,"yes","yes","no","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"male","other",50.9099998474121,"yes","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",54.6800003051758,"yes","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",48.0699996948242,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"male","other",55.7900009155273,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.2099990844727,"no","yes","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",58.8499984741211,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",56.0299987792969,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.189998626709,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",51.5200004577637,"no","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",55.3199996948242,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",47.0499992370605,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.9099998474121,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",44.2999992370605,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",52.8199996948242,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.3400001525879,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",64.2600021362305,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",48.1699981689453,"no","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",60.9500007629395,"no","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",62.7900009155273,"yes","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",57.2999992370605,"yes","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",57.9599990844727,"yes","yes","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.1599998474121,"yes","yes","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",54.25,"no","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",64.1399993896484,"yes","yes","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",62.8699989318848,"yes","yes","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",52.5900001525879,"yes","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",55.7299995422363,"yes","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"male","other",59.0999984741211,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",48.1699981689453,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",47.0800018310547,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",44.9300003051758,"yes","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",44.7099990844727,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",53.1399993896484,"no","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",38.6599998474121,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",36.2200012207031,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.1500015258789,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.9099998474121,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",49.3800010681152,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",46.9300003051758,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.2299995422363,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",43.75,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",40.7799987792969,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",61.9599990844727,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",47.6199989318848,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",61.1300010681152,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",61.0999984741211,"yes","yes","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",67.0999984741211,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"male","hispanic",50.7200012207031,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"male","other",57.2599983215332,"yes","yes","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",67.9199981689453,"yes","yes","no","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"female","other",48.3699989318848,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",52.8800010681152,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",47.0200004577637,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",60.6699981689453,"yes","yes","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",54.4099998474121,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",54.5099983215332,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",53.5900001525879,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",62.0299987792969,"yes","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",55.8899993896484,"no","no","no","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",63.0900001525879,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",42.3699989318848,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",54.4000015258789,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",57.5499992370605,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.8300018310547,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",47.7000007629395,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",51.2099990844727,"no","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",56.6199989318848,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",52.7099990844727,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","afam",47.0999984741211,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",53.4599990844727,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",51.310001373291,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","afam",45.2799987792969,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",65.2300033569336,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",61.6199989318848,"no","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",63.6699981689453,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",54.3199996948242,"no","no","no","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",49.2400016784668,"yes","yes","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",55.3800010681152,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.8499984741211,"yes","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",49.6500015258789,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"male","other",37.2299995422363,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"female","other",47.1399993896484,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"female","other",38.6699981689453,"no","no","no","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",51.0299987792969,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"female","other",52.4799995422363,"no","no","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"low","other" +"male","other",49.3499984741211,"no","yes","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"low","other" +"female","other",66.8000030517578,"no","no","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.8800010681152,"no","no","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"high","other" +"male","other",45.939998626709,"no","yes","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",58.9000015258789,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",65.1999969482422,"yes","yes","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",48.25,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",68.7799987792969,"yes","yes","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",56,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",61.5400009155273,"yes","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",48.6199989318848,"yes","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",44.7200012207031,"no","yes","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",36.6100006103516,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",55.6300010681152,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",36.189998626709,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",44.4000015258789,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",48.5499992370605,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.0200004577637,"no","no","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"low","other" +"male","other",63.3699989318848,"no","no","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"low","other" +"male","other",54.7900009155273,"no","no","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"high","other" +"female","other",59.6199989318848,"yes","yes","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"high","other" +"female","other",55.439998626709,"yes","yes","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"high","other" +"female","other",61.75,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",54.8199996948242,"yes","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",55.0900001525879,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",41.1399993896484,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",55,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",58,"no","yes","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",60.2700004577637,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","afam",46.4000015258789,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","hispanic",44.8600006103516,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",64.5100021362305,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",48.3400001525879,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",51.9900016784668,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",64,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",45.0999984741211,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",41.6699981689453,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.2599983215332,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"female","afam",45.0699996948242,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",53.0800018310547,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",60.310001373291,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",57.0699996948242,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",49.9099998474121,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",65.120002746582,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",43.7599983215332,"no","no","no","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",38.2700004577637,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.6500015258789,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"male","other",45.2200012207031,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",55.4099998474121,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",54.4000015258789,"no","yes","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",44.2000007629395,"no","no","no","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",62.7099990844727,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",55.310001373291,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.2900009155273,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",42.6399993896484,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.1800003051758,"no","yes","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",37.9300003051758,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",54.7000007629395,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",54.3699989318848,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"male","other",39.2799987792969,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",45.1199989318848,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",64.0100021362305,"yes","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",38.0699996948242,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",56.9599990844727,"yes","yes","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",40.6100006103516,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",56.5800018310547,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",46.5400009155273,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",52.0699996948242,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.1599998474121,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",41.6500015258789,"yes","yes","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",36.7000007629395,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",39.0900001525879,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",58.9599990844727,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",65.5899963378906,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",48.1699981689453,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",47.7599983215332,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"female","other",52.25,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",56.5900001525879,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",47.2200012207031,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.7799987792969,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"high","other" +"male","other",55.8600006103516,"no","no","no","no",16,10.8100004196167,1.12586998939514,"high","other" +"female","other",61.810001373291,"no","yes","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"female","other",43.189998626709,"no","no","yes","no",16,10.8100004196167,1.12586998939514,"high","other" +"male","other",65.7900009155273,"no","no","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"female","other",44.0999984741211,"no","yes","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"female","other",62.6100006103516,"yes","yes","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"male","other",53.9199981689453,"no","no","yes","no",10,10.8100004196167,1.12586998939514,"high","other" +"male","hispanic",65.1100006103516,"yes","yes","yes","no",10,10.8100004196167,1.12586998939514,"low","other" +"male","other",63.9500007629395,"no","no","yes","no",10,10.8100004196167,1.12586998939514,"high","other" +"female","other",54.6699981689453,"no","no","yes","no",10,10.8100004196167,1.12586998939514,"low","other" +"male","other",52.8899993896484,"no","no","no","no",10,10.8100004196167,1.12586998939514,"low","other" +"female","other",46.9799995422363,"no","no","yes","no",12.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",60.2000007629395,"no","no","yes","no",12.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",59.0900001525879,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",44.9300003051758,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",47.0800018310547,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",57.2599983215332,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",64.0800018310547,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",58.2400016784668,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.2400016784668,"yes","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",58.0200004577637,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"male","other",59.8400001525879,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"male","other",57.4199981689453,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"female","other",59.7799987792969,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",45.5200004577637,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",38.5400009155273,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",40.9300003051758,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"male","other",48.4700012207031,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",58.2599983215332,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",50.1199989318848,"no","no","no","no",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",64.1699981689453,"no","no","no","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","afam",58.9000015258789,"no","yes","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",59.7400016784668,"no","no","yes","no",7.5,10.8100004196167,1.12586998939514,"high","other" +"female","other",40.310001373291,"no","no","yes","no",7.5,10.8100004196167,1.12586998939514,"low","other" +"female","other",61.2900009155273,"no","no","yes","no",7.5,10.8100004196167,1.12586998939514,"low","other" +"male","other",54.0099983215332,"no","yes","no","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"male","other",59.3899993896484,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.0900001525879,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"male","other",51.4000015258789,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"high","other" +"female","other",46.060001373291,"no","no","no","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"female","other",50.3199996948242,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"female","other",58.2799987792969,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",57,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.75,"no","no","no","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",46.2400016784668,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",56.7599983215332,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",44.5,"no","no","yes","no",14.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",62.810001373291,"no","no","yes","no",14.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",56.0099983215332,"no","no","yes","no",14.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",61.189998626709,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",64.9400024414062,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",42.4700012207031,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"high","other" +"female","other",67.4599990844727,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.3400001525879,"no","no","no","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","hispanic",48.9300003051758,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",61.0299987792969,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",54.7099990844727,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"high","other" +"female","other",50.560001373291,"yes","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.7099990844727,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",39.5499992370605,"no","no","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",46.4300003051758,"no","no","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"male","other",36.0099983215332,"no","no","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"female","hispanic",44.7599983215332,"no","no","no","no",11.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",59.5400009155273,"no","yes","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"female","other",69.379997253418,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",61.1800003051758,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.75,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"high","other" +"male","other",58.3800010681152,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.0699996948242,"no","no","no","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.5200004577637,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.2700004577637,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",67.9800033569336,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"female","other",52.0299987792969,"yes","yes","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",52.1500015258789,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",54.1599998474121,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",40.3499984741211,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",57.1800003051758,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","hispanic",51.8499984741211,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",61.8400001525879,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",49.4500007629395,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",35.8699989318848,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","hispanic",51.6800003051758,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",46.8499984741211,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",59.5400009155273,"no","no","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",61.2299995422363,"no","yes","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"high","other" +"female","other",68.0400009155273,"yes","no","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"high","other" +"female","other",39.6399993896484,"no","no","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"female","afam",43.0099983215332,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",44.2999992370605,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",40.7900009155273,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",40.8600006103516,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",39.7900009155273,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",35.8499984741211,"no","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","afam",35.3699989318848,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",40.6300010681152,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",50.0200004577637,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",41.8600006103516,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",39.25,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",38.7200012207031,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","afam",37.0099983215332,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","afam",51.4599990844727,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","afam",36.1699981689453,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",34.8899993896484,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",65.25,"yes","yes","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","afam",47.5,"yes","yes","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",43.0900001525879,"yes","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",57.189998626709,"no","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","other",64.3600006103516,"yes","yes","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",65.0500030517578,"yes","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",42.3800010681152,"yes","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",40.2900009155273,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"male","other",60.6100006103516,"yes","yes","yes","yes",11.5,12.1499996185303,1.16628003120422,"high","other" +"female","other",45.9900016784668,"no","yes","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"female","afam",62.3300018310547,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"male","other",59.4199981689453,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"high","other" +"male","other",50.25,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"high","other" +"female","afam",42.6100006103516,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"female","other",44.9900016784668,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"female","other",49.2900009155273,"yes","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.310001373291,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"female","other",55.3600006103516,"no","yes","yes","no",13,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.0999984741211,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"high","other" +"male","other",49.2700004577637,"yes","no","yes","no",13,12.1499996185303,1.16628003120422,"high","other" +"female","other",54.2599983215332,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"female","afam",43.0499992370605,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",49.8699989318848,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"high","other" +"female","other",48.8499984741211,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","afam",37.1500015258789,"no","no","no","yes",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",53.189998626709,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"high","other" +"female","other",66.8399963378906,"yes","yes","yes","no",10.3000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",57.9099998474121,"no","no","no","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",54.9799995422363,"no","no","yes","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",39.5499992370605,"no","no","no","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",57,"no","yes","yes","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",51.810001373291,"yes","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"high","other" +"male","other",39.75,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",47.5099983215332,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"high","other" +"male","other",61.4099998474121,"no","no","no","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"male","hispanic",64.8099975585938,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","other",57.439998626709,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"high","other" +"female","other",63.4300003051758,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","other",49.689998626709,"yes","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.2900009155273,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",52.2299995422363,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",63.2700004577637,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"high","other" +"male","other",44.5900001525879,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.2299995422363,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"high","other" +"female","other",46.8400001525879,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",57.3400001525879,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",64.879997253418,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","hispanic",40.7099990844727,"no","no","no","no",12,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",46.9099998474121,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"high","other" +"male","other",35.2099990844727,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"male","afam",42.6399993896484,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",38.0699996948242,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",53.3499984741211,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.060001373291,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",37.810001373291,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","hispanic",51.9099998474121,"no","no","no","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",60.9900016784668,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",59.7999992370605,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.4900016784668,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.6800003051758,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",52.7599983215332,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","afam",39.2400016784668,"yes","yes","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","hispanic",40.5800018310547,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","afam",39.3800010681152,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.9500007629395,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.6300010681152,"no","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",67.0100021362305,"yes","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"high","other" +"female","other",53.8699989318848,"no","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",58.2900009155273,"no","no","no","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"female","other",45.2599983215332,"no","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",51.0999984741211,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",47.8800010681152,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",61.3499984741211,"yes","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",54.939998626709,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",54.9099998474121,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.5200004577637,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","other",58.9199981689453,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"male","other",38.6800003051758,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"male","other",51.6500015258789,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",38.9300003051758,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",42.7799987792969,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",34.4500007629395,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",68.8000030517578,"no","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",57.3699989318848,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",65.0500030517578,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",62.6599998474121,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",63.9500007629395,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",50.6699981689453,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","hispanic",40.8499984741211,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",56.4799995422363,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.5400009155273,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",54.1100006103516,"yes","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",68.7200012207031,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",62.3800010681152,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",55.7999992370605,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",36.2000007629395,"no","no","no","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","afam",32.4799995422363,"no","no","no","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","afam",41.7200012207031,"no","no","yes","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","other",46.9900016784668,"no","no","yes","yes",7.30000019073486,10.2799997329712,0.931869983673096,"high","other" +"female","other",58.939998626709,"yes","no","yes","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",42.439998626709,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",62.5900001525879,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.8600006103516,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"high","other" +"male","other",66.3899993896484,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",64.2300033569336,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.8499984741211,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",62.060001373291,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",57.3800010681152,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",57.9900016784668,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",59.1300010681152,"yes","yes","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.2799987792969,"no","no","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"male","other",62.8699989318848,"yes","yes","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"female","other",47.1800003051758,"no","no","no","yes",6.09999990463257,10.2799997329712,0.931869983673096,"low","other" +"female","other",54.4300003051758,"yes","no","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"male","other",67.0400009155273,"yes","yes","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"male","afam",54.0499992370605,"no","no","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.1199989318848,"yes","yes","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",61.0999984741211,"yes","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",56.75,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.810001373291,"no","yes","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",39.9599990844727,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",46.4199981689453,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",57.1699981689453,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",60.1100006103516,"yes","yes","yes","no",5.5,10.2799997329712,0.931869983673096,"high","other" +"male","afam",55.6599998474121,"no","yes","yes","no",5.5,10.2799997329712,0.931869983673096,"high","other" +"female","other",67.4599990844727,"no","no","no","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"female","afam",36.7000007629395,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",50.689998626709,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",51.8800010681152,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",58.1399993896484,"yes","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",55.3600006103516,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","afam",40.8199996948242,"no","yes","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",46.9799995422363,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",37.7200012207031,"no","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",56.5800018310547,"yes","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",32.2700004577637,"no","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",44.9000015258789,"no","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",50.1699981689453,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",63.0099983215332,"yes","yes","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.439998626709,"no","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",50.0699996948242,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",62.9300003051758,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.7000007629395,"yes","yes","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",60.2999992370605,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"male","other",54.3499984741211,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",63.3699989318848,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.560001373291,"no","no","no","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.1699981689453,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","afam",56.7400016784668,"no","no","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",57.8800010681152,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",56.3400001525879,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.0299987792969,"yes","yes","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",58.6500015258789,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",49.9300003051758,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",55.2000007629395,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",40.5699996948242,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",41.2299995422363,"yes","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",52.3499984741211,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",67.2600021362305,"no","yes","yes","no",14.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",59.2599983215332,"no","no","yes","no",14.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",48.3300018310547,"yes","no","yes","no",10,10.2799997329712,0.931869983673096,"high","other" +"female","other",51.4099998474121,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",57.7200012207031,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",68.7200012207031,"yes","yes","no","no",10,10.2799997329712,0.931869983673096,"low","other" +"female","other",46.2599983215332,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","afam",38.4799995422363,"no","no","no","no",10,10.2799997329712,0.931869983673096,"high","other" +"female","afam",42.9199981689453,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",59.3400001525879,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.7999992370605,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",47.9599990844727,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",41.2200012207031,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",53.9700012207031,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","other",49.6300010681152,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",59.939998626709,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",53.2700004577637,"yes","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",63.8499984741211,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",63.25,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",61.9700012207031,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",38.0499992370605,"no","no","yes","no",9.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",62.3600006103516,"no","yes","yes","no",9.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",42.9099998474121,"no","no","yes","no",9.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",64.1100006103516,"yes","no","yes","no",8.19999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",49.7099990844727,"no","no","yes","no",8.19999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.2299995422363,"no","no","yes","no",8.19999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.5999984741211,"no","no","yes","no",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","other",65.3899993896484,"no","no","yes","no",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","other",66.1699981689453,"no","no","yes","no",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",63.8899993896484,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",41.0499992370605,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",55.2200012207031,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.689998626709,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",49.3600006103516,"no","no","yes","no",8.39999961853027,10.2799997329712,0.931869983673096,"high","other" +"female","other",45.0200004577637,"no","no","yes","no",8.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",44.0400009155273,"no","no","yes","no",8.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",53.3699989318848,"no","yes","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"high","other" +"female","other",41.689998626709,"no","no","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",39.6500015258789,"no","no","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.9599990844727,"no","no","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","other",45.4000015258789,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.7200012207031,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.4099998474121,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",51.0999984741211,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",40.6800003051758,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","afam",50.4700012207031,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",54.4000015258789,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",44.9599990844727,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.2200012207031,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",50.75,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",48.2299995422363,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",41.810001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.0900001525879,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",40.4900016784668,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",34.939998626709,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",66.7399978637695,"yes","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",53.4700012207031,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",56.3800010681152,"yes","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","afam",37.5499992370605,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",51.3699989318848,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",38.5499992370605,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",36.9599990844727,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",43.6399993896484,"yes","yes","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",37,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",49.2700004577637,"yes","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",45.3199996948242,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",38.7700004577637,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",40.6199989318848,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",52.8800010681152,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",35.1800003051758,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",44.310001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",47.310001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",45.7999992370605,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",62.7200012207031,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",40.5200004577637,"no","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",37.0699996948242,"no","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",45.9000015258789,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",49.4500007629395,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",42.6800003051758,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",36.9799995422363,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",42.3800010681152,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",38.9300003051758,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",36.439998626709,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",59.4500007629395,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",35.810001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.7599983215332,"yes","yes","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",54.8400001525879,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","hispanic",42.310001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",35.7400016784668,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",34.8699989318848,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",46.0099983215332,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",36.060001373291,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",30.9799995422363,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",48.0699996948242,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",42.9199981689453,"no","no","yes","no",9.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"female","other",54.5299987792969,"no","no","yes","no",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","afam",53.939998626709,"no","no","no","no",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",66.3399963378906,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",51,"yes","yes","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",59.0999984741211,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","other",52.7700004577637,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","hispanic",53.0900001525879,"no","no","no","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"female","other",40.7799987792969,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","other",58.3199996948242,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",58.2099990844727,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.5800018310547,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",39.3899993896484,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.2299995422363,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"male","other",52.189998626709,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"female","other",39.2099990844727,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"female","other",44.060001373291,"no","no","no","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.3699989318848,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"male","other",41.8699989318848,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",50.75,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",43.3400001525879,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"male","other",46.2599983215332,"yes","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.5999984741211,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"female","other",46.7799987792969,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.6599998474121,"yes","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",43.5900001525879,"yes","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","other",38.4099998474121,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.3400001525879,"no","yes","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.4700012207031,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",60.2700004577637,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.9199981689453,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.5900001525879,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",53.8300018310547,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",52.189998626709,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",49.2400016784668,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",52.7400016784668,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"male","other",67.8499984741211,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",50.5,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",53.7900009155273,"yes","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"high","other" +"male","other",55.4500007629395,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"high","other" +"female","other",54.4900016784668,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"low","other" +"male","other",62.1100006103516,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"low","other" +"female","other",46.7900009155273,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"high","other" +"female","other",42.25,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"low","other" +"male","afam",58.9000015258789,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"male","other",48.4199981689453,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"male","other",33.7400016784668,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"female","other",52.5200004577637,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"female","other",43.8199996948242,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"male","other",62.6399993896484,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"male","hispanic",63.1800003051758,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"male","other",56.1500015258789,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"female","other",62.75,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"female","other",54.7000007629395,"yes","yes","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"male","other",58.9300003051758,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",53.6199989318848,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",50.3600006103516,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",50.9599990844727,"yes","yes","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",63.4300003051758,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",57.0900001525879,"no","no","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",56.0400009155273,"no","no","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",67.4700012207031,"no","yes","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",67.4899978637695,"no","no","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","hispanic",43.1100006103516,"no","no","yes","yes",4.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",61.1800003051758,"yes","no","yes","yes",4.30000019073486,10.5100002288818,0.824479997158051,"high","other" +"male","other",65.870002746582,"yes","no","yes","yes",4.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",53.0499992370605,"no","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",56.3800010681152,"yes","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",52.8600006103516,"no","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"high","other" +"male","hispanic",59.7599983215332,"no","yes","yes","yes",6.5,11.0799999237061,0.893760025501251,"high","other" +"female","afam",60.439998626709,"yes","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",45.7400016784668,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",55.8400001525879,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",42.6699981689453,"no","no","no","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",67.2300033569336,"no","no","yes","yes",6.40000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",65.25,"no","yes","no","yes",6.40000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",43.060001373291,"yes","no","no","yes",6.40000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",58.4199981689453,"no","no","yes","yes",6.40000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",40.7400016784668,"no","yes","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"high","other" +"male","other",62.1699981689453,"no","no","no","no",4.90000009536743,8.64999961853027,0.68476003408432,"low","other" +"female","other",65.5500030517578,"yes","yes","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"low","other" +"male","other",44.3400001525879,"no","no","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"low","other" +"female","other",39.25,"no","no","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"high","other" +"female","other",49.5499992370605,"no","no","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"high","other" +"female","other",45.1300010681152,"no","no","no","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"male","other",45.060001373291,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"male","other",57.7400016784668,"no","no","no","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"female","other",52.0400009155273,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"high","other" +"male","other",59.1800003051758,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"male","other",61.1100006103516,"yes","yes","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"high","other" +"male","hispanic",67.0199966430664,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"female","other",59.2900009155273,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"female","other",43.0999984741211,"no","no","no","no",3.20000004768372,9.28999996185303,0.769050002098083,"low","other" +"male","hispanic",41.060001373291,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","afam",37.8499984741211,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"female","other",53.75,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",54.5900001525879,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"male","other",58.5200004577637,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"male","other",62.4599990844727,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"low","other" +"male","other",48.9799995422363,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"low","other" +"male","afam",49.3800010681152,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"low","other" +"female","other",56.0999984741211,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"female","other",62.6500015258789,"no","no","no","no",6.69999980926514,9.76000022888184,0.484990000724792,"low","other" +"male","other",38.75,"no","no","yes","no",6.69999980926514,9.76000022888184,0.484990000724792,"high","other" +"female","other",54.5,"no","no","yes","no",6.69999980926514,9.76000022888184,0.484990000724792,"low","other" +"female","other",61.7799987792969,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",45.6100006103516,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",43.2200012207031,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",56.7400016784668,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.9199981689453,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"high","other" +"female","other",54.5699996948242,"yes","no","no","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",53.6599998474121,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",57.6500015258789,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",41.1100006103516,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",50.5299987792969,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",53.689998626709,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",37.5699996948242,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",56.2099990844727,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","hispanic",50.9900016784668,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",49.8499984741211,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"high","other" +"female","other",44.2200012207031,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"male","other",53.7400016784668,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"male","other",54.6300010681152,"yes","yes","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"female","other",47.5900001525879,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"female","other",57.7400016784668,"yes","yes","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",58.0200004577637,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",48.2000007629395,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",67.9800033569336,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.2000007629395,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",60.4500007629395,"no","no","no","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",61.8899993896484,"no","no","no","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",58.6599998474121,"yes","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",53.5200004577637,"yes","yes","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",60.7999992370605,"yes","yes","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",55.1500015258789,"no","no","no","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",60.2599983215332,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.4599990844727,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"high","other" +"male","other",52.6100006103516,"yes","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"high","other" +"female","other",54.25,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",41.2799987792969,"yes","yes","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",46.75,"yes","yes","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"high","other" +"female","other",46.2299995422363,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",42.4799995422363,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",49.6699981689453,"no","no","yes","no",3,9.72999954223633,0.778289973735809,"low","other" +"male","other",54.8499984741211,"yes","yes","yes","no",3,9.72999954223633,0.778289973735809,"high","other" +"male","other",55.75,"yes","no","yes","no",3,9.72999954223633,0.778289973735809,"low","other" +"male","other",40.5299987792969,"no","no","no","no",3,9.72999954223633,0.778289973735809,"low","other" +"male","other",52.7400016784668,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"male","other",62.4099998474121,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"female","other",39.8699989318848,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"high","other" +"male","other",47.3300018310547,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"high","other" +"female","other",54.9799995422363,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"male","afam",43.9599990844727,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"female","other",48.9900016784668,"no","no","yes","no",5.59999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",56.0200004577637,"no","no","no","no",5.59999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",49.939998626709,"no","yes","yes","no",5.59999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.4799995422363,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",51.3899993896484,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",47.3199996948242,"no","yes","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",47.5299987792969,"yes","yes","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",63.4500007629395,"yes","yes","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",51.310001373291,"yes","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",41.0299987792969,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",64.4300003051758,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",37.4300003051758,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",65.1100006103516,"yes","yes","yes","no",3.5,8.64999961853027,0.68476003408432,"high","other" +"male","other",48.6399993896484,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"female","other",47.3400001525879,"yes","no","yes","no",3.5,8.64999961853027,0.68476003408432,"high","other" +"male","other",42.4300003051758,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"male","other",46.2999992370605,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"male","other",44.5699996948242,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"female","other",61.7700004577637,"no","no","no","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"male","other",42.8899993896484,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",45.1800003051758,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.4500007629395,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",38.4300003051758,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",47.1199989318848,"no","no","no","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",39.5699996948242,"no","no","no","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.1599998474121,"no","no","no","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",58.189998626709,"no","no","no","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",49.8199996948242,"no","yes","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",39.2099990844727,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",58.1699981689453,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"male","other",47.5900001525879,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",33.9700012207031,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"male","other",56.4099998474121,"no","no","no","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"male","other",52.689998626709,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",49.5699996948242,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",55.3899993896484,"no","yes","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",66.370002746582,"no","no","no","no",4.69999980926514,9.72999954223633,0.778289973735809,"low","other" +"female","other",49.8499984741211,"yes","yes","yes","no",4.69999980926514,9.72999954223633,0.778289973735809,"low","other" +"male","other",56.6800003051758,"no","no","yes","no",4.69999980926514,9.72999954223633,0.778289973735809,"low","other" +"male","other",59.2599983215332,"no","no","no","no",4.69999980926514,9.72999954223633,0.778289973735809,"high","other" +"male","other",41.439998626709,"no","no","yes","no",4.69999980926514,9.72999954223633,0.778289973735809,"high","other" +"female","other",51.3300018310547,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",41.2900009155273,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",47.5200004577637,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"female","other",56.8499984741211,"no","yes","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",54.8699989318848,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"male","other",65.620002746582,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"male","other",55.6800003051758,"yes","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"female","other",56.1599998474121,"no","no","no","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",41.2799987792969,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",50.4300003051758,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"male","other",34.689998626709,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"female","other",61.4300003051758,"no","no","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"high","other" +"male","afam",36.8600006103516,"no","no","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"high","other" +"female","other",61.4700012207031,"yes","yes","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"low","other" +"female","other",59.2099990844727,"yes","no","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"low","other" +"female","other",64.1900024414062,"yes","yes","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"low","other" +"male","other",67.9800033569336,"yes","yes","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"high","other" +"female","other",56.8199996948242,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",51,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"high","other" +"female","other",44.8600006103516,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"high","other" +"female","other",57.3400001525879,"no","no","no","no",5.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",57.7200012207031,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",55.060001373291,"no","no","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.8899993896484,"no","yes","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",55.689998626709,"no","no","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"male","hispanic",55.6599998474121,"no","no","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"female","other",43.7400016784668,"yes","no","no","no",7.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",52.1300010681152,"no","yes","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.8199996948242,"no","no","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",55.0200004577637,"no","yes","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",55.25,"no","no","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",64.1399993896484,"yes","yes","yes","no",10.6999998092651,10.5100002288818,0.824479997158051,"high","other" +"male","other",38.810001373291,"no","no","yes","no",10.6999998092651,10.5100002288818,0.824479997158051,"low","other" +"male","other",60.8600006103516,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"female","other",54.9099998474121,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"high","other" +"male","other",51.4300003051758,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"female","other",53.7599983215332,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"male","other",59.4300003051758,"no","no","no","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"female","other",53.3199996948242,"no","no","yes","no",10.3000001907349,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.939998626709,"no","no","yes","no",10.3000001907349,10.5100002288818,0.824479997158051,"low","other" +"female","hispanic",45.1599998474121,"no","no","yes","no",8.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",48.9799995422363,"no","no","yes","no",8.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",52.9500007629395,"no","no","no","no",4.30000019073486,9.72999954223633,0.778289973735809,"low","other" +"male","other",42.1500015258789,"no","no","yes","no",4.30000019073486,9.72999954223633,0.778289973735809,"high","other" +"male","other",49.7099990844727,"no","no","yes","no",4.30000019073486,9.72999954223633,0.778289973735809,"low","other" +"male","other",52.5400009155273,"no","yes","yes","no",4.30000019073486,9.72999954223633,0.778289973735809,"low","other" +"female","other",50.1500015258789,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"high","other" +"female","other",44.1399993896484,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","other",48.9700012207031,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"high","other" +"male","other",63.4300003051758,"yes","yes","no","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","other",64.629997253418,"no","yes","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","other",36.2400016784668,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","afam",54.4000015258789,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"low","other" +"male","afam",36.7700004577637,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"high","other" +"female","other",53.7000007629395,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"female","other",50.689998626709,"yes","yes","yes","yes",5,9.72999954223633,0.778289973735809,"high","other" +"female","other",60.2799987792969,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"female","other",65.1900024414062,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"male","other",63.2999992370605,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"male","other",59.5499992370605,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"male","afam",49.689998626709,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"female","other",56.5999984741211,"no","no","yes","no",7.69999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.8499984741211,"no","no","yes","no",7.69999980926514,11.0799999237061,0.893760025501251,"low","other" +"male","other",48.0299987792969,"no","no","yes","no",7.69999980926514,11.0799999237061,0.893760025501251,"low","other" +"male","hispanic",54.5900001525879,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"female","other",47.7799987792969,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"male","other",60.5,"yes","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"high","other" +"female","other",60.8699989318848,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"female","other",47.0400009155273,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"female","other",57.6599998474121,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",62.9000015258789,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.7799987792969,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",63.0200004577637,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",53.4900016784668,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"female","other",58,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","hispanic",41.25,"no","yes","yes","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"female","other",62.5499992370605,"no","no","no","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"female","other",60.8300018310547,"no","no","no","no",3.59999990463257,9.28999996185303,0.769050002098083,"high","other" +"male","other",44.7400016784668,"yes","no","yes","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"male","hispanic",44.9599990844727,"no","no","yes","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"female","other",56.2700004577637,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",54.2799987792969,"no","no","no","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","other",67.9899978637695,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",46.439998626709,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",60.2900009155273,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"female","hispanic",56.0200004577637,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",47.2299995422363,"no","no","no","no",6.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",53.939998626709,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",47.8699989318848,"yes","yes","yes","no",6.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.810001373291,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"high","other" +"male","other",64.129997253418,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",60.0499992370605,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"high","other" +"female","other",50.2700004577637,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"high","other" +"female","afam",44.8600006103516,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",49.3300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","other",49.4099998474121,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",66.0800018310547,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",38.7900009155273,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","other",44.7599983215332,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",57.8600006103516,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",43.4000015258789,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",59.5299987792969,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",52.5299987792969,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",48,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"female","other",34.6100006103516,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",39.5900001525879,"no","yes","yes","no",5.5,10.5100002288818,0.824479997158051,"high","other" +"female","other",40.4199981689453,"no","no","no","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",54.1500015258789,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",59.939998626709,"yes","no","yes","no",5.5,10.5100002288818,0.824479997158051,"high","other" +"male","other",62.5099983215332,"yes","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",62.2599983215332,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",50.1599998474121,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",59.4199981689453,"no","no","no","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",62.4599990844727,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",64.1900024414062,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",48.5900001525879,"yes","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","afam",38.4599990844727,"no","no","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","afam",39.5699996948242,"no","no","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","afam",45.3800010681152,"no","no","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"male","afam",42.2999992370605,"yes","yes","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","afam",43.2999992370605,"no","no","no","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","other",40.189998626709,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",58.8800010681152,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",58.9900016784668,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",60.5999984741211,"no","no","no","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",59.2299995422363,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",43.6100006103516,"no","no","no","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",55.6399993896484,"yes","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",63.2099990844727,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",38.4300003051758,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",54.8300018310547,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",58.9700012207031,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"male","other",48.6599998474121,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"male","other",65.7399978637695,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",40.439998626709,"no","no","no","no",5,9.28999996185303,0.769050002098083,"high","other" +"male","other",46.189998626709,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",40.4300003051758,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",48.6300010681152,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","hispanic",44.439998626709,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",35.8499984741211,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",43.5400009155273,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"female","other",44.5,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",59.7099990844727,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",51.7099990844727,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"high","other" +"female","other",63.1800003051758,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","afam",35.560001373291,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",37.25,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",42.6500015258789,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",45.5999984741211,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",38.5699996948242,"no","yes","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",38.2799987792969,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",37.2999992370605,"yes","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",35.5999984741211,"no","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",38.0299987792969,"yes","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",58.5,"no","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",39.8499984741211,"no","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",49.3499984741211,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",53.2200012207031,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",42.8899993896484,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",44.8899993896484,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.8800010681152,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",48.5499992370605,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",37.9700012207031,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",40.1599998474121,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",42.9599990844727,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",62.1399993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",40.6199989318848,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",57.7200012207031,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",59.060001373291,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",67.8399963378906,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",54.8400001525879,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",45.560001373291,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",47.1500015258789,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",38.4500007629395,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",60.9000015258789,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",60.6500015258789,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",47.1699981689453,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",64.3300018310547,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",47.3199996948242,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",44.0999984741211,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",44.7700004577637,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.3600006103516,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",52.0900001525879,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",51.6500015258789,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",39.4599990844727,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",35.3800010681152,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.4099998474121,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",58.9599990844727,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.4500007629395,"yes","no","no","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.9099998474121,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.0400009155273,"no","no","no","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.7299995422363,"no","no","no","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",34.4199981689453,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.3400001525879,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","other",57.2900009155273,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.7799987792969,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.3800010681152,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",60.1199989318848,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.6199989318848,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",35.0699996948242,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.9199981689453,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.8499984741211,"yes","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","other",58.5299987792969,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",47.810001373291,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",55.939998626709,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",51.9500007629395,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.2299995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",62.0099983215332,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.3600006103516,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.9900016784668,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.7799987792969,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",55.0900001525879,"no","no","no","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.7700004577637,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","other",68.0999984741211,"no","yes","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",59.5200004577637,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.2400016784668,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.560001373291,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",55.0400009155273,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.8199996948242,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.1300010681152,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",43.1599998474121,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",53.9300003051758,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.6300010681152,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.189998626709,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","other",42.9000015258789,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",50.0099983215332,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",44.1800003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",52.4300003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",49.439998626709,"yes","yes","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",35.060001373291,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",37.7200012207031,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.2999992370605,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",49.8800010681152,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.9500007629395,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",47.310001373291,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.6300010681152,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.439998626709,"no","yes","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",37.2599983215332,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.0499992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",56.1199989318848,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",39.8300018310547,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",45.6500015258789,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.810001373291,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.9900016784668,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",65.0699996948242,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",42.8400001525879,"no","no","no","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.4199981689453,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",59.2299995422363,"yes","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",43.0400009155273,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.0400009155273,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.7999992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.7200012207031,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",47.0499992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.8699989318848,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.9300003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",55.4799995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",54.2400016784668,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.060001373291,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.0800018310547,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.25,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.0900001525879,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",60,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",44.4799995422363,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.6500015258789,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",52.3600006103516,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.939998626709,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.3199996948242,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.4099998474121,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",34.8300018310547,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.9500007629395,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.8300018310547,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",50.5800018310547,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",57.2299995422363,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",62.7400016784668,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5800018310547,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.5200004577637,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.7200012207031,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5400009155273,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.4500007629395,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.3300018310547,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.8899993896484,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",48.2900009155273,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","other",45.9199981689453,"yes","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.7999992370605,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.810001373291,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5900001525879,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.4000015258789,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",43.060001373291,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.8600006103516,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",32.2000007629395,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",33.5,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.810001373291,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.7599983215332,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",63.6800003051758,"no","no","no","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",45.1300010681152,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",34.1800003051758,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",45.8899993896484,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.5200004577637,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.4599990844727,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.3499984741211,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",33.3499984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",45.3300018310547,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",44.5800018310547,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",60.2999992370605,"yes","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",42,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.3899993896484,"yes","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",50.8800010681152,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.1500015258789,"no","no","no","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",45.9799995422363,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",57.2799987792969,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.560001373291,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",61.3800010681152,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.0900001525879,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",49.0499992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.4700012207031,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.1599998474121,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",54.939998626709,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.2900009155273,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.4300003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",45.0699996948242,"no","no","no","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.1599998474121,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",66.7300033569336,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.2599983215332,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.0099983215332,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.8199996948242,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.7900009155273,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",50.1300010681152,"no","no","no","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",52.060001373291,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","other",63.7799987792969,"no","no","yes","no",3.20000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.7400016784668,"no","no","yes","no",3.20000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",57.75,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",61.7900009155273,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",65.5999984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",61.7700004577637,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.4599990844727,"yes","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",55.9799995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.8300018310547,"yes","yes","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.7299995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",51.1699981689453,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",65.75,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",56.5999984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.2700004577637,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",58.6699981689453,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.4900016784668,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","afam",46.3499984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.1399993896484,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.560001373291,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",44.0800018310547,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.3600006103516,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",43.8499984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.560001373291,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.439998626709,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.9900016784668,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.0900001525879,"no","yes","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",38.75,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.939998626709,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.9000015258789,"no","no","no","no",5,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.1100006103516,"no","no","no","no",5,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.8300018310547,"no","no","yes","no",5,9.92000007629395,0.454970002174377,"low","other" +"male","other",62.3300018310547,"no","no","yes","no",5,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",49.5499992370605,"no","no","yes","no",5,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.5,"no","no","no","no",5,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",38.1199989318848,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.310001373291,"yes","yes","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",39.9599990844727,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.9099998474121,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.7099990844727,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",56.810001373291,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",67.6399993896484,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.7400016784668,"no","no","no","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.0699996948242,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.7200012207031,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","other",64.1100006103516,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.4099998474121,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",53.8400001525879,"no","no","no","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",50.4000015258789,"yes","no","no","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.4799995422363,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",39.0900001525879,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",47.4799995422363,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.6300010681152,"no","no","no","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",52.810001373291,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.0699996948242,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",44.2799987792969,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.2799987792969,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",54.9199981689453,"no","no","no","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.939998626709,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.0900001525879,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.5800018310547,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.3199996948242,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.2200012207031,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.8800010681152,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.8300018310547,"no","no","no","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",62.439998626709,"yes","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",54.25,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.9300003051758,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",53.9000015258789,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.5299987792969,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.3600006103516,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.5900001525879,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.3600006103516,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",55.5,"yes","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.5299987792969,"no","no","no","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.7999992370605,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",46.2200012207031,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",35.1300010681152,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.5099983215332,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",33.9700012207031,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.7400016784668,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",51.1199989318848,"no","yes","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",42.7000007629395,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.810001373291,"no","no","no","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",56.0200004577637,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.8600006103516,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.810001373291,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",47.2900009155273,"no","no","no","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.4500007629395,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",46.6599998474121,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.2400016784668,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.7999992370605,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.9099998474121,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.0400009155273,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.1399993896484,"no","no","no","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",34.7999992370605,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.4700012207031,"no","no","yes","no",4.69999980926514,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",51.0499992370605,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.6599998474121,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",39.560001373291,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.9799995422363,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",34.7799987792969,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",40.9799995422363,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",39.3499984741211,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",36.1699981689453,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",40.4199981689453,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",42,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",46.3899993896484,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",50.2400016784668,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",36.0200004577637,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",51.7599983215332,"no","yes","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",61.310001373291,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",50.75,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",50.5900001525879,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",51.1699981689453,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","other",44.0400009155273,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","hispanic",53,"no","yes","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",51.6100006103516,"yes","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","afam",57.8899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",59.4900016784668,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",38.8699989318848,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",63.8800010681152,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.6100006103516,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",49.8600006103516,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",41.189998626709,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",46.2700004577637,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",66.9700012207031,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",59.7000007629395,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",35.5699996948242,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",42.7799987792969,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",58.5499992370605,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",42.7799987792969,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",48.0699996948242,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",38.4500007629395,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",54.810001373291,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",64.3300018310547,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",48.9300003051758,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",50,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",48.560001373291,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",52.4099998474121,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",51.7999992370605,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",54.8300018310547,"no","yes","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",71.3600006103516,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",45.9300003051758,"yes","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",60.2999992370605,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",52.5299987792969,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",52.5099983215332,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",59.8600006103516,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",50.1699981689453,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","afam",39.7999992370605,"no","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.9599990844727,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",46.4099998474121,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",42.4300003051758,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.1199989318848,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",42.5699996948242,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",60.9799995422363,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",50.6599998474121,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",49.8499984741211,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",41.3600006103516,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",50.8300018310547,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",58.5800018310547,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",50.2099990844727,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",42.0800018310547,"yes","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",62.5800018310547,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",51.9000015258789,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",51.060001373291,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.4000015258789,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",40.7900009155273,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",53.5800018310547,"no","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",57.7099990844727,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",55.8899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",42.8499984741211,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",42.439998626709,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",39.1100006103516,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",40.1300010681152,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",67.0199966430664,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",40.7799987792969,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",41.4700012207031,"no","no","no","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",42.4099998474121,"no","no","yes","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",40.3800010681152,"yes","no","no","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",40.4300003051758,"no","no","yes","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",44.4700012207031,"no","no","yes","yes",7,8.09000015258789,0.889150023460388,"high","other" +"female","hispanic",53.2700004577637,"no","no","no","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","hispanic",39.7299995422363,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.5200004577637,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",44.4500007629395,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",46.2200012207031,"no","yes","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","hispanic",51.1699981689453,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.0900001525879,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","afam",37.1800003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",36.1599998474121,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",41.2999992370605,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",47.6800003051758,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",53.0999984741211,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",54.0099983215332,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",61.3600006103516,"yes","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.560001373291,"no","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",49.7599983215332,"no","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",41.2799987792969,"yes","yes","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.0900001525879,"no","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",49.6800003051758,"yes","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","hispanic",62.9000015258789,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",55.5299987792969,"yes","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","hispanic",67.7799987792969,"yes","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",69.9000015258789,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",58.8800010681152,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.0299987792969,"no","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",68.370002746582,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",56.560001373291,"no","yes","no","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",41.5200004577637,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","afam",38.2400016784668,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",34.5900001525879,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",36.2400016784668,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",52.4199981689453,"no","yes","no","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","afam",59.2000007629395,"yes","yes","no","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",69.1600036621094,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",61.5099983215332,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",46.5699996948242,"yes","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","afam",43.1399993896484,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","afam",47.7400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",59.0999984741211,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",50.4000015258789,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.9500007629395,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.6300010681152,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",68.879997253418,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.5800018310547,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",61.189998626709,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.6100006103516,"no","no","no","yes",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"male","afam",47.1500015258789,"no","no","yes","yes",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"female","afam",64.9700012207031,"no","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",59.310001373291,"no","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","afam",54.8400001525879,"no","yes","no","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",47.6399993896484,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",37.4199981689453,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",54.0200004577637,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"male","afam",47.0999984741211,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.3699989318848,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",34.9799995422363,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",40.4900016784668,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"male","afam",69.6100006103516,"no","yes","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",51.7700004577637,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"male","afam",39.0900001525879,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"high","other" +"female","afam",51.560001373291,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","other",62.3899993896484,"no","no","no","no",8.19999980926514,9.28999996185303,0.769050002098083,"low","other" +"female","afam",49.0400009155273,"no","no","no","no",8.19999980926514,9.28999996185303,0.769050002098083,"low","other" +"female","afam",35.8699989318848,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",31.5599994659424,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",52.0999984741211,"no","no","no","yes",7,9.76000022888184,0.484990000724792,"low","other" +"female","afam",55.25,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"low","other" +"female","afam",46.5999984741211,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"low","other" +"male","afam",54.9500007629395,"no","no","no","no",7.59999990463257,12.1499996185303,1.16628003120422,"low","other" +"female","afam",58.1800003051758,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","afam",51.3800010681152,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",63.0099983215332,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",64.2200012207031,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.8899993896484,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",46.7200012207031,"yes","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",62,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","other",67.5500030517578,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",56.5999984741211,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",60.9300003051758,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",60.2200012207031,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",67.9199981689453,"yes","no","no","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",66.620002746582,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",59.439998626709,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",60.7599983215332,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",41.7200012207031,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",59.6199989318848,"yes","yes","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",54.3499984741211,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",63.0099983215332,"yes","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",63.2700004577637,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",51.2400016784668,"yes","yes","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",58.5999984741211,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",63.7400016784668,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",39.4099998474121,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",44.1599998474121,"no","no","no","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",59.8899993896484,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","other",45.7799987792969,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",63.6699981689453,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.4199981689453,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",66.5199966430664,"yes","yes","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"female","other",68.4599990844727,"yes","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","other",63.8300018310547,"yes","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","other",39.689998626709,"no","no","yes","no",7.30000019073486,7.34999990463257,0.751729965209961,"low","other" +"female","other",51.7700004577637,"no","no","yes","no",7.30000019073486,7.34999990463257,0.751729965209961,"low","other" +"female","other",45.6399993896484,"no","no","yes","no",7.30000019073486,7.34999990463257,0.751729965209961,"low","other" +"male","afam",42.0200004577637,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",60.689998626709,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",55.1599998474121,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",60.2700004577637,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",52.1300010681152,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",56.9500007629395,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",56.4099998474121,"yes","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",61.25,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","afam",48.25,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.1699981689453,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",39.9900016784668,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","hispanic",44.2799987792969,"yes","yes","no","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.689998626709,"yes","yes","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",53.8300018310547,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",54.6399993896484,"no","yes","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"high","other" +"female","other",57.6199989318848,"no","yes","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","other",55.9199981689453,"no","no","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","other",63.6699981689453,"no","no","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","other",67.9199981689453,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",68.6600036621094,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",64.1900024414062,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",63.2900009155273,"yes","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",68.3000030517578,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.4199981689453,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",64.8600006103516,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",60.5200004577637,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"male","other",61.6100006103516,"no","no","no","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","afam",67.3199996948242,"yes","no","yes","no",7,8.09000015258789,0.889150023460388,"low","other" +"male","other",61.9300003051758,"yes","no","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","afam",69.9599990844727,"yes","yes","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","other",69.7600021362305,"yes","yes","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","other",62.6699981689453,"yes","yes","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","other",63.0900001525879,"no","no","yes","no",7,8.09000015258789,0.889150023460388,"low","other" +"female","other",65.6399993896484,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",63.5699996948242,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",69.5400009155273,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",62.5999984741211,"yes","yes","yes","no",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",63.3800010681152,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","afam",53.5499992370605,"no","no","no","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","hispanic",59.2799987792969,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","hispanic",63.3899993896484,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","afam",68.6399993896484,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",59.0999984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",63.2900009155273,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","afam",59.0099983215332,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",58.5699996948242,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",68.5800018310547,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",57.7799987792969,"yes","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",59.8499984741211,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",70.0999984741211,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",56.2599983215332,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",63.75,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",63.6300010681152,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",58.7900009155273,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",56.7900009155273,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",42.0800018310547,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",58.189998626709,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.5999984741211,"yes","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.060001373291,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","other",49.5200004577637,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",36.1500015258789,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.6100006103516,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",52.0699996948242,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",66.1800003051758,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",62.5699996948242,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"high","other" +"male","other",51.9300003051758,"yes","no","yes","no",11.5,9.96000003814697,1.4041600227356,"high","other" +"female","other",66.2099990844727,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.5200004577637,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.0499992370605,"yes","yes","yes","no",11.5,9.96000003814697,1.4041600227356,"high","other" +"female","other",56.4300003051758,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.4700012207031,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",54.4599990844727,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",55.8800010681152,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",52.8899993896484,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",58.5400009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",52.810001373291,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",55.3800010681152,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",64.8300018310547,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.1800003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.810001373291,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.2400016784668,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.6199989318848,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.8199996948242,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.6300010681152,"no","no","no","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",55.7999992370605,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",58,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"high","other" +"female","other",63.3499984741211,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",47.7200012207031,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"low","other" +"female","other",57.310001373291,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"low","other" +"male","other",49.689998626709,"yes","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",66.8899993896484,"yes","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",65.7900009155273,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",66.25,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","afam",51.1500015258789,"yes","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",63.2799987792969,"yes","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",67.7099990844727,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",52.8600006103516,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",61.0699996948242,"no","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",65.4899978637695,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",49.0900001525879,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",55.3199996948242,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",69.9599990844727,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",62.8499984741211,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",58.6300010681152,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"low","other" +"female","other",62.6599998474121,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",63.4599990844727,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",54.9700012207031,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",51.8300018310547,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",65.9000015258789,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",49.310001373291,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",62.8199996948242,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",53.3400001525879,"yes","yes","no","no",4,9.92000007629395,0.454970002174377,"low","other" +"female","other",43.9900016784668,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",65.2699966430664,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",58.8699989318848,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"male","other",58.3300018310547,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",60.689998626709,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",65.5100021362305,"yes","yes","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",67.9899978637695,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",62.1100006103516,"yes","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",55.0099983215332,"no","yes","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","afam",45.1599998474121,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",54.0499992370605,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",41.689998626709,"no","no","no","yes",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",65.4700012207031,"yes","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",52.6800003051758,"yes","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",50.189998626709,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",43.939998626709,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",54.4000015258789,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.4000015258789,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",60.1399993896484,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",46.7099990844727,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.2900009155273,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",59.5299987792969,"no","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",56.8800010681152,"no","no","no","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"male","other",36.3699989318848,"no","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",53.9000015258789,"yes","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",41.0099983215332,"no","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"male","other",43.25,"yes","yes","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"high","other" +"male","other",54.0699996948242,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","hispanic",42.5200004577637,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",44.8400001525879,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",58.8199996948242,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.1399993896484,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",61.0499992370605,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",61.1800003051758,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",55.7900009155273,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",60.189998626709,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",60.8899993896484,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",62.5299987792969,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",48.3300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",64.8300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","other",57,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",54.4799995422363,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","other",41.8300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",49.9599990844727,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","other",56.9300003051758,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",57.2000007629395,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.7400016784668,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",63.1699981689453,"yes","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",65.1900024414062,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.2599983215332,"yes","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",58.7000007629395,"no","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",43.0800018310547,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",64.3099975585938,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",43.1699981689453,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",46.6300010681152,"yes","no","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"high","other" +"female","other",59.8499984741211,"yes","yes","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"high","other" +"female","other",66.3099975585938,"no","yes","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"high","other" +"female","other",54.7799987792969,"no","no","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"female","afam",64.5199966430664,"no","no","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"female","other",49.6300010681152,"no","no","no","no",4.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"male","other",65.1999969482422,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",50.4099998474121,"yes","yes","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","afam",59.0999984741211,"yes","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",64.2699966430664,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","afam",56.1199989318848,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",69.7600021362305,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","afam",57.0499992370605,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",52.8300018310547,"yes","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","other",59.1100006103516,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","other",46.9500007629395,"yes","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",47.4700012207031,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",55.0699996948242,"yes","yes","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",61.7700004577637,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.0400009155273,"yes","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.5699996948242,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.2900009155273,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",40.2599983215332,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",56.7299995422363,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",48.6699981689453,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",36.9799995422363,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",45.1800003051758,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.1699981689453,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.7900009155273,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",45.75,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","afam",53.8400001525879,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",57.5800018310547,"yes","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",57.7599983215332,"no","yes","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.120002746582,"yes","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",50.1199989318848,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","afam",46.8699989318848,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",59.0499992370605,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.4099998474121,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",56.7700004577637,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.4900016784668,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",50.9199981689453,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",60.1699981689453,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",60.3300018310547,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",47.9300003051758,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",58.2299995422363,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",38.689998626709,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",53.8499984741211,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",59.5999984741211,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",41.1199989318848,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",45.9000015258789,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",57.0099983215332,"no","yes","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",54.7999992370605,"no","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",46.9500007629395,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",60.5499992370605,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",42.9000015258789,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",49.7700004577637,"no","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","hispanic",49.0299987792969,"yes","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","other",59.439998626709,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",61.9799995422363,"yes","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","afam",47.1500015258789,"no","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","hispanic",55.25,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",53.1599998474121,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",41.9900016784668,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",55.4099998474121,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",65.5899963378906,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",52.2599983215332,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",52.6599998474121,"no","no","no","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",56.0200004577637,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","afam",54.5999984741211,"yes","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",51.0499992370605,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","hispanic",47.2599983215332,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",62.7200012207031,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",47.1699981689453,"no","yes","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.2299995422363,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.810001373291,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",58,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",56.5800018310547,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.0299987792969,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.1300010681152,"no","yes","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","other",61.2599983215332,"no","no","no","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","other",57.2799987792969,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","other",61.7200012207031,"yes","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","other",58.7900009155273,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.5299987792969,"no","yes","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","other",47.560001373291,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.3600006103516,"yes","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","hispanic",52.6100006103516,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",55.5,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",64.1999969482422,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",60.8300018310547,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.560001373291,"yes","yes","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",40.4300003051758,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"male","hispanic",51.4099998474121,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"low","other" +"male","hispanic",64.1600036621094,"yes","yes","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"high","other" +"male","other",41.810001373291,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"high","other" +"female","hispanic",50.9700012207031,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"low","other" +"male","other",43.7400016784668,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"high","other" +"female","other",48.3499984741211,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"female","other",51.439998626709,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"high","other" +"male","other",56.0900001525879,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"high","other" +"female","other",45,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"female","other",47.6500015258789,"yes","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"male","other",61.3499984741211,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"male","other",33.5800018310547,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",40.2900009155273,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",46.6399993896484,"no","no","no","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",44.5,"no","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",66.5299987792969,"no","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",49.9099998474121,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",37.25,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.689998626709,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",62.2299995422363,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",50.3699989318848,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.3199996948242,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",44.0999984741211,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",40.3699989318848,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"female","other",56.4000015258789,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.8499984741211,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",45.3899993896484,"yes","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"male","other",67.5,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","afam",48.4599990844727,"no","no","no","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",54.8800010681152,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.5500030517578,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.2000007629395,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","other",69.7600021362305,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",66.3899993896484,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",46.5800018310547,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",59.5,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","afam",59.1300010681152,"no","yes","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.3199996948242,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.0499992370605,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",36.6599998474121,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.3499984741211,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",55.939998626709,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",45.689998626709,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",63.5900001525879,"yes","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",57.939998626709,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","afam",54.9900016784668,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",49.5499992370605,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",62.0499992370605,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",50.3300018310547,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",57.2200012207031,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",50.5900001525879,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",55.8199996948242,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",50.9199981689453,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",62.560001373291,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",54.9199981689453,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",53.5200004577637,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.6800003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",48.5699996948242,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",56.7999992370605,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",46.9599990844727,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",54.3300018310547,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",50.9599990844727,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",51.6399993896484,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","afam",58.9099998474121,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.1599998474121,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",45.8800010681152,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",43.0099983215332,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.4300003051758,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.5800018310547,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","afam",61.3899993896484,"yes","yes","no","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","hispanic",57.9099998474121,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","afam",68.6600036621094,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","afam",66.3099975585938,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",59.4700012207031,"no","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.7099990844727,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",53.060001373291,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",46.7299995422363,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",56.5900001525879,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.8699989318848,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","afam",48.5200004577637,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",61.2599983215332,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",49.7000007629395,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","afam",52.3199996948242,"no","yes","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",39.8499984741211,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",54.3699989318848,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",44.1599998474121,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",51.8699989318848,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",52.0699996948242,"yes","no","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",55.5800018310547,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",51.3499984741211,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",59.25,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",39.9599990844727,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",41.6699981689453,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",38.8400001525879,"no","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",46.6100006103516,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",41.0800018310547,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",51.6100006103516,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",54.7400016784668,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","hispanic",51.8400001525879,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",56.1800003051758,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","hispanic",63.1599998474121,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",60.2999992370605,"no","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",57.1699981689453,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.5200004577637,"no","yes","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",44.2999992370605,"yes","no","no","no",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",47.4599990844727,"yes","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",55.4799995422363,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.9500007629395,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.9099998474121,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.9700012207031,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.7999992370605,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.8800010681152,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",57.9900016784668,"yes","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.8300018310547,"yes","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",42.9900016784668,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",39.7400016784668,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",53.310001373291,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",36.2299995422363,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",52.0400009155273,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",47.7400016784668,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",57.2799987792969,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",48.3899993896484,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",60.2400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",51.4700012207031,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",51.2400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",60.6699981689453,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.3899993896484,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",53.1300010681152,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",57.1300010681152,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",61.4300003051758,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",57.7799987792969,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",68.8600006103516,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",54.75,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",60.560001373291,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",53.8499984741211,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",49.75,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",43.6500015258789,"yes","yes","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",53.2700004577637,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",64.3899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",53.4099998474121,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",59.5499992370605,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",51.1199989318848,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",51.3300018310547,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",50.4300003051758,"no","yes","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.0099983215332,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",52.2999992370605,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",63.2099990844727,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",55.3499984741211,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",58.4700012207031,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",65.8499984741211,"yes","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",61,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",60.7200012207031,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",58.2900009155273,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","other",56.5400009155273,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",51.0699996948242,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",57.1399993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",54.8400001525879,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",58.3499984741211,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",57.7200012207031,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",60.7299995422363,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",52.5499992370605,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",58.7099990844727,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",52.8800010681152,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",52.310001373291,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",64.129997253418,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",42.1399993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.7900009155273,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",51.6100006103516,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",57.8499984741211,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",61.2900009155273,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",52.2799987792969,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.5299987792969,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",40.9900016784668,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",54.0800018310547,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",62.9300003051758,"yes","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",50.5,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.9700012207031,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.4500007629395,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",52.939998626709,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",56.8400001525879,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.4500007629395,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",48.8899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",56.9700012207031,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",49.4300003051758,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",49.8800010681152,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",59.7099990844727,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",48.6100006103516,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",47.0200004577637,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",48.6199989318848,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",61.1199989318848,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",61.9000015258789,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",48.8600006103516,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",56.0299987792969,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",53.7099990844727,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.8699989318848,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",54.2200012207031,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",65.129997253418,"yes","yes","yes","no",5.80000019073486,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",58.7999992370605,"no","no","yes","no",5.80000019073486,9.55000019073486,0.805999994277954,"high","west" +"male","other",62.9700012207031,"yes","no","yes","no",5.80000019073486,9.55000019073486,0.805999994277954,"high","west" +"male","other",58.939998626709,"yes","yes","no","no",5.80000019073486,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",53.9099998474121,"no","no","yes","no",4.40000009536743,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",48.25,"yes","no","yes","no",4.40000009536743,9.55000019073486,0.805999994277954,"low","west" +"male","other",63.1199989318848,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",46.8899993896484,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",46.6699981689453,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",56.6599998474121,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",45.9199981689453,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",44.310001373291,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",49.3499984741211,"yes","no","yes","yes",6.90000009536743,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",45.310001373291,"no","no","yes","yes",6.90000009536743,9.55000019073486,0.805999994277954,"low","west" +"female","other",67.4000015258789,"no","no","yes","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",47.8800010681152,"no","no","yes","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",38.9099998474121,"no","no","yes","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","hispanic",48.0999984741211,"no","no","no","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",43.6399993896484,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"high","west" +"female","other",40.3600006103516,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",50.7799987792969,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",60.0499992370605,"no","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",45.3899993896484,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",63.1300010681152,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",49.0499992370605,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",51.7099990844727,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",58.7200012207031,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",53.5800018310547,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","other",50.25,"yes","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","hispanic",50.8600006103516,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"high","west" +"female","other",43.1699981689453,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"high","west" +"male","other",68.2200012207031,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",46.3300018310547,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",54.2599983215332,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",57.9000015258789,"yes","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"high","west" +"male","other",56.9599990844727,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",58,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",43.6100006103516,"yes","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"high","west" +"male","other",57.3800010681152,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",53.560001373291,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"low","west" +"male","other",54.6800003051758,"yes","no","yes","no",5.30000019073486,9.5,0.547340035438538,"low","west" +"male","hispanic",43.6300010681152,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",58.8800010681152,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",55.0900001525879,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","hispanic",41.2000007629395,"no","no","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"female","other",36.0699996948242,"no","no","no","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"male","other",54.310001373291,"no","no","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"male","other",42.4599990844727,"yes","no","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"male","other",58.5499992370605,"no","no","no","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"female","other",58.8400001525879,"yes","yes","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"female","hispanic",40.3800010681152,"no","no","no","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",45.8300018310547,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",60.3499984741211,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",46.2200012207031,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",56.8600006103516,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",53.2400016784668,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",45.689998626709,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",49.9000015258789,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",56.0699996948242,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",61.1599998474121,"no","no","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"low","west" +"female","other",46.060001373291,"yes","no","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"low","west" +"male","other",45.8699989318848,"no","yes","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",34.4799995422363,"no","no","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"low","west" +"female","other",60.7900009155273,"no","no","yes","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"female","other",50.0099983215332,"no","no","yes","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"female","other",54.060001373291,"yes","yes","no","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"male","other",57.7000007629395,"yes","no","yes","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"male","other",46.939998626709,"no","no","no","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"male","other",37.2000007629395,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"male","other",41.3699989318848,"no","no","no","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",32.7599983215332,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"male","other",54.8899993896484,"no","no","no","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",34.7799987792969,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",38.0999984741211,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",62.3300018310547,"yes","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"male","other",46.939998626709,"yes","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",41.5400009155273,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"low","west" +"female","other",61.4500007629395,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",42.8300018310547,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"low","west" +"male","other",45.7999992370605,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"female","other",40.3199996948242,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",60.3199996948242,"yes","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",38.0200004577637,"no","no","no","no",7.69999980926514,9.55000019073486,0.805999994277954,"high","west" +"male","other",63.9199981689453,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",61.25,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",43.9799995422363,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",44.0499992370605,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",47.2700004577637,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",46.4599990844727,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",39.2099990844727,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",52.4199981689453,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",51.75,"no","no","no","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",45.8300018310547,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",50.7700004577637,"no","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","afam",39.4099998474121,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","hispanic",46.560001373291,"no","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"male","other",50.9900016784668,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"male","other",40.7700004577637,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","other",45.7400016784668,"no","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","other",49.1800003051758,"no","no","yes","no",8.19999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",51.9799995422363,"no","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",45.9599990844727,"no","yes","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",50.1500015258789,"no","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",53.2400016784668,"yes","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"high","west" +"male","other",64.4300003051758,"no","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","hispanic",44.0999984741211,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",48.1599998474121,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"female","other",45.0999984741211,"yes","yes","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",41.2000007629395,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","other",47.6100006103516,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","other",62.2599983215332,"no","yes","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"female","other",44.7299995422363,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","other",46.0900001525879,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"male","other",49.2700004577637,"no","yes","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"male","other",45.1100006103516,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"female","other",72.8099975585938,"no","yes","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",39.1699981689453,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",57.2099990844727,"yes","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"male","other",59.1599998474121,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",54.6399993896484,"no","yes","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",64.879997253418,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",51.8499984741211,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"male","other",46.1399993896484,"no","no","no","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",36.0800018310547,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"male","other",62.4700012207031,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"male","other",44.6399993896484,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",40.5299987792969,"yes","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",37.75,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"female","other",41.7999992370605,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"male","other",48.560001373291,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"low","west" +"male","other",67.5699996948242,"yes","yes","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"high","west" +"male","other",44.4799995422363,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"high","west" +"male","other",62.5900001525879,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"low","west" +"male","other",56.8699989318848,"yes","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"high","west" +"female","other",34,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"low","west" +"female","other",41.2900009155273,"no","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",60.4900016784668,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",65.9199981689453,"no","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",61.4199981689453,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",48.0900001525879,"no","no","yes","no",8,12.960000038147,0.713630020618439,"high","west" +"female","other",54.75,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",53.6300010681152,"no","no","yes","no",8,12.960000038147,0.713630020618439,"high","west" +"female","other",59.5099983215332,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",51.25,"no","no","yes","yes",8,12.960000038147,0.713630020618439,"low","west" +"female","other",61.0999984741211,"no","no","yes","no",7,11.5600004196167,1.07737004756927,"low","west" +"male","other",42.5099983215332,"no","no","yes","no",7,11.5600004196167,1.07737004756927,"low","west" +"male","other",63.1100006103516,"no","no","yes","no",7,11.5600004196167,1.07737004756927,"low","west" +"male","other",62.2400016784668,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",47.0499992370605,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",54.4799995422363,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"female","other",58.8400001525879,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"male","other",41.6399993896484,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"male","other",66.8300018310547,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",39.8499984741211,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"high","west" +"female","other",46.2799987792969,"no","yes","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",59.3899993896484,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",42.5699996948242,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",57.8300018310547,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",46.1399993896484,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",55.7000007629395,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"high","west" +"female","other",41.8800010681152,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",37.0299987792969,"no","no","no","no",13.8000001907349,12.960000038147,0.713630020618439,"low","west" +"female","other",44.439998626709,"no","no","yes","no",13.8000001907349,12.960000038147,0.713630020618439,"high","west" +"male","other",64.5999984741211,"yes","no","yes","no",13.8000001907349,12.960000038147,0.713630020618439,"high","west" +"male","afam",58.9300003051758,"yes","yes","yes","yes",7,11.5600004196167,1.07737004756927,"high","west" +"male","other",61.9099998474121,"no","no","yes","yes",7,11.5600004196167,1.07737004756927,"high","west" +"female","other",59.4700012207031,"yes","yes","yes","yes",7,11.5600004196167,1.07737004756927,"low","west" +"female","other",59.5999984741211,"yes","yes","yes","yes",7,11.5600004196167,1.07737004756927,"high","west" +"female","other",53.9000015258789,"no","no","yes","yes",7,11.5600004196167,1.07737004756927,"low","west" +"female","other",38.3499984741211,"no","no","yes","no",10.1999998092651,12.960000038147,0.713630020618439,"low","west" +"female","other",47.2099990844727,"yes","no","yes","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"female","other",49.7299995422363,"no","no","yes","no",7.19999980926514,12.960000038147,0.713630020618439,"high","west" +"female","other",44.1800003051758,"no","no","yes","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"male","other",59.5499992370605,"no","no","no","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"male","other",48.1100006103516,"no","no","no","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"female","other",49.4700012207031,"no","no","yes","no",10.8999996185303,11.5600004196167,1.07737004756927,"high","west" +"male","other",45.9000015258789,"no","no","yes","no",10.8999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",46.7799987792969,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",50.5800018310547,"yes","no","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",52.5800018310547,"no","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",43.4000015258789,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",62.5699996948242,"no","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",57.5999984741211,"yes","no","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",47.8300018310547,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",45.560001373291,"no","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",45.2200012207031,"yes","no","yes","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"female","other",43.1399993896484,"no","no","no","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"male","other",61.4799995422363,"no","no","yes","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"male","other",52.060001373291,"no","no","yes","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"male","other",57.6100006103516,"no","no","no","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"female","other",58.9300003051758,"yes","yes","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",57.5299987792969,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",59.9599990844727,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",53.5499992370605,"no","no","no","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",50.8699989318848,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",58.6500015258789,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",45.7700004577637,"no","no","yes","no",10.6999998092651,11.5600004196167,1.07737004756927,"low","west" +"male","other",51.7599983215332,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",45.5200004577637,"no","no","no","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.8699989318848,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.2400016784668,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.25,"yes","yes","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",56,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.3800010681152,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",55.189998626709,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.0200004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",37.8300018310547,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.939998626709,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",42.7900009155273,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",39.7900009155273,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.6399993896484,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",49.5499992370605,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",60.5699996948242,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.8899993896484,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.2200012207031,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",58.8199996948242,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",70.6999969482422,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.9000015258789,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.2099990844727,"yes","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.310001373291,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",49.060001373291,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",36.6100006103516,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.5200004577637,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.25,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.6800003051758,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.0499992370605,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.189998626709,"yes","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.4799995422363,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",36.9500007629395,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.9900016784668,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",52.8899993896484,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.8600006103516,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",49.2200012207031,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",49.0699996948242,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.5,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",49.7400016784668,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.6599998474121,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.5499992370605,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",55.310001373291,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",49.9099998474121,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.3300018310547,"yes","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.1699981689453,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.4500007629395,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.5999984741211,"yes","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",57.189998626709,"no","yes","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",52.8400001525879,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.3499984741211,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.2700004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",50.1500015258789,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",45.7099990844727,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",35.2700004577637,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.1699981689453,"yes","yes","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.0699996948242,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.5,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.5299987792969,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",45.3199996948242,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",66.3499984741211,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",60.939998626709,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",47.8400001525879,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.6599998474121,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.0999984741211,"yes","yes","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",60.4099998474121,"yes","yes","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.2099990844727,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.6100006103516,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.8499984741211,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.3899993896484,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",56.8400001525879,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",46.939998626709,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",41.4500007629395,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.2400016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.4700012207031,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.8199996948242,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.2599983215332,"no","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",55.5400009155273,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","afam",62.8499984741211,"yes","no","no","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.4599990844727,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.7000007629395,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.2599983215332,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",51.4500007629395,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.7099990844727,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",46.9900016784668,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","afam",51.3400001525879,"no","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.5999984741211,"yes","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.9700012207031,"yes","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",45.4700012207031,"no","no","no","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.0499992370605,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.1500015258789,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",40.2999992370605,"yes","yes","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",67.5800018310547,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.5499992370605,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",44.8499984741211,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.4599990844727,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.9500007629395,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",45.6800003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",43.6399993896484,"no","no","no","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",40.5499992370605,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",50.7299995422363,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",33.9300003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.6500015258789,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",61.310001373291,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",44.2700004577637,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.7299995422363,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",48.25,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",70.5599975585938,"yes","yes","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",58.8199996948242,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.3199996948242,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.2599983215332,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",56.5,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",46.4500007629395,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",70.5599975585938,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",50.1500015258789,"no","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.3499984741211,"no","yes","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.7999992370605,"no","yes","no","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.189998626709,"no","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.6800003051758,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",39.3899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.7400016784668,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",45.8499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",45.2099990844727,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.6699981689453,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.9000015258789,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",64.1699981689453,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.1800003051758,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.9900016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",40.3199996948242,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.7099990844727,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.4099998474121,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.6300010681152,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.5699996948242,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.7000007629395,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",51.7200012207031,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.0299987792969,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",41.0900001525879,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","afam",50.2799987792969,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",63.7900009155273,"no","no","no","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.2700004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",62.2299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.4599990844727,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",46.6399993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",33.5200004577637,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.2400016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.0200004577637,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.7400016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",44.3600006103516,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.7000007629395,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",37.9500007629395,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.5699996948242,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.689998626709,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.310001373291,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.8499984741211,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.4799995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.7700004577637,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.6100006103516,"yes","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",48.5499992370605,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",48.9099998474121,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.1399993896484,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.7900009155273,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.7400016784668,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.7400016784668,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.5200004577637,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",44.8600006103516,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",60.5099983215332,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.6300010681152,"yes","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",62.8300018310547,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",54.939998626709,"yes","no","no","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",45.5800018310547,"no","no","no","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.5200004577637,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.3199996948242,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.939998626709,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",41.3699989318848,"no","no","no","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.1399993896484,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.9099998474121,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.9599990844727,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","other",63.2400016784668,"yes","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.7200012207031,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.1199989318848,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",60.2400016784668,"yes","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",43.2599983215332,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",46.6300010681152,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",61.7900009155273,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.1399993896484,"yes","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",43.5299987792969,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.9900016784668,"yes","yes","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",46.3800010681152,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",53.2700004577637,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",62.7599983215332,"no","no","no","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.9700012207031,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.0299987792969,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",61.5999984741211,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.9500007629395,"yes","yes","no","no",5.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.7700004577637,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",42.8400001525879,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.2599983215332,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",47.2900009155273,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.5200004577637,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",42.4799995422363,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.1500015258789,"no","no","no","no",10.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.2200012207031,"no","yes","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.7299995422363,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.6800003051758,"yes","no","no","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"female","afam",59.3400001525879,"no","no","no","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.0400009155273,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.4700012207031,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",45.1100006103516,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.0400009155273,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.0400009155273,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",66.379997253418,"yes","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",60.0999984741211,"yes","yes","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.5400009155273,"yes","yes","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",55.4099998474121,"yes","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",50.5,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",44.4900016784668,"yes","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.6699981689453,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.310001373291,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",50.1300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",37.3499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",35.6599998474121,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.8199996948242,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",48.939998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.0999984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.7200012207031,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.6199989318848,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",43.75,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",59.0099983215332,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.0900001525879,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.560001373291,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",38.7700004577637,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.3800010681152,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.2400016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",42.0999984741211,"no","no","yes","yes",10.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","other",52.5299987792969,"no","no","yes","yes",10.8999996185303,8.89000034332275,0.257510006427765,"high","west" +"female","afam",36.1800003051758,"no","no","no","yes",10.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"female","other",35.5,"no","no","no","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",48.5699996948242,"no","no","yes","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.9300003051758,"no","no","yes","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",59.810001373291,"no","no","yes","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","other",50.5999984741211,"yes","yes","no","no",6.40000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",42.0699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.1500015258789,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.5200004577637,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.7700004577637,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.4099998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.439998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.8800010681152,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",51.25,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.9199981689453,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.4300003051758,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",63.5699996948242,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.8600006103516,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.7799987792969,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",35.6599998474121,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.9300003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.1800003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.0999984741211,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.6599998474121,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",60.939998626709,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",43.2999992370605,"no","no","yes","no",8,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",47.3699989318848,"no","yes","no","no",8,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",50.7799987792969,"no","no","yes","no",8,8.89000034332275,0.257510006427765,"high","west" +"male","other",62.6399993896484,"no","no","yes","no",8,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.7099990844727,"yes","no","yes","no",8,8.89000034332275,0.257510006427765,"high","west" +"female","other",50.0299987792969,"yes","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.3899993896484,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.0800018310547,"no","no","no","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.3499984741211,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",43.9199981689453,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.6199989318848,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","afam",34.1800003051758,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","afam",43.6500015258789,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",50.2299995422363,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","afam",41.8499984741211,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",40.5699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",34.5,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.9900016784668,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.7700004577637,"no","no","no","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.1100006103516,"yes","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.7999992370605,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.7799987792969,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",62.3899993896484,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.3300018310547,"no","yes","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.9500007629395,"no","no","yes","no",12.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.7700004577637,"yes","no","yes","no",12.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","afam",32.4599990844727,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.7700004577637,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",37.810001373291,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",45.2200012207031,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",52.0200004577637,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.2799987792969,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",35.189998626709,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",44.9099998474121,"no","no","no","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.1399993896484,"yes","yes","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",55.0099983215332,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.4500007629395,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","afam",43.8600006103516,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","afam",34.0800018310547,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",46.6800003051758,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","afam",44.689998626709,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",36.2700004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.2799987792969,"yes","yes","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.75,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.9000015258789,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",50.5200004577637,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.75,"no","yes","yes","no",9,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.8699989318848,"no","yes","yes","yes",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",37.1199989318848,"no","no","yes","yes",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.1599998474121,"no","no","yes","yes",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.0200004577637,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",45.3899993896484,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.3699989318848,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.689998626709,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",63.2599983215332,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",39.9099998474121,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",49.5099983215332,"no","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",38.0200004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",50.0900001525879,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",40.9300003051758,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.5200004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.4900016784668,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",35.7700004577637,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.4300003051758,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.9599990844727,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",44.8800010681152,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",63.0699996948242,"no","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","other",61.2900009155273,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",38.9900016784668,"no","no","no","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.5800018310547,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",41.5699996948242,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",37.310001373291,"no","no","no","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.7000007629395,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","afam",51.7099990844727,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",64.1699981689453,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",56.0900001525879,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.1699981689453,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",50.8300018310547,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",34.689998626709,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",45.5200004577637,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",64.75,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.5099983215332,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.1500015258789,"no","no","no","no",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",48.9300003051758,"no","no","yes","no",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",43.0299987792969,"no","no","yes","no",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","other",60.4500007629395,"yes","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"female","hispanic",39.2999992370605,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",47.9000015258789,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","afam",43.6399993896484,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",52.0200004577637,"no","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",45.5099983215332,"no","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",46.6100006103516,"no","yes","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",47.5999984741211,"yes","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",52.8199996948242,"no","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",58.4799995422363,"no","yes","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",42.439998626709,"no","yes","no","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",45.8499984741211,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",35.9599990844727,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","other",40.310001373291,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",39.5900001525879,"no","no","no","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",38.9000015258789,"no","no","no","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",45.25,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",40.4300003051758,"no","no","no","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",39.9599990844727,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",51.5400009155273,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",42.0699996948242,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"high","west" +"female","hispanic",36.9199981689453,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",49.9599990844727,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",40.6100006103516,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"high","west" +"female","hispanic",37.8199996948242,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",52.5900001525879,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",60.0699996948242,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",62.1399993896484,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","other",54.560001373291,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",38.2799987792969,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",46.060001373291,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",52.3499984741211,"no","no","no","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",39.25,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",37.439998626709,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.8699989318848,"yes","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",50.4099998474121,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",51.9599990844727,"no","yes","yes","no",6.30000019073486,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",56.2200012207031,"no","no","yes","no",6.30000019073486,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",51.7099990844727,"no","no","yes","no",6.30000019073486,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",36.4900016784668,"no","no","no","no",7.09999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","other",48.2000007629395,"no","no","yes","no",7.09999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",42.3800010681152,"no","no","yes","no",7.09999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",58.0200004577637,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","other",45.4199981689453,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",55.25,"yes","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"high","west" +"female","hispanic",49.8899993896484,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",37.0699996948242,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"male","other",61.6399993896484,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","other",54.4500007629395,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",56.7099990844727,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",58.6800003051758,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",59.1199989318848,"yes","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.2799987792969,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",45.189998626709,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",48.5999984741211,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",47.8699989318848,"yes","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","other",47.8699989318848,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",38.310001373291,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",39,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",54.5499992370605,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",44.3300018310547,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",51.2999992370605,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",48.4000015258789,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","other",40.9099998474121,"no","no","no","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",51.9700012207031,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",44.8300018310547,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","other",48.4099998474121,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",45.2700004577637,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","other",50.8499984741211,"no","no","no","no",8,8.40999984741211,0.692840039730072,"high","west" +"male","hispanic",47.7799987792969,"yes","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","other",59.4599990844727,"yes","yes","yes","no",8,8.40999984741211,0.692840039730072,"high","west" +"female","hispanic",46.7000007629395,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",43.4099998474121,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","other",59.4199981689453,"yes","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",51.0400009155273,"no","no","no","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","other",62.2099990844727,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"male","other",45.310001373291,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","afam",33.5800018310547,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","other",48.4700012207031,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"male","other",52.4099998474121,"yes","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",56.0800018310547,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",39.0299987792969,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",39.7700004577637,"yes","no","no","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",41.1300010681152,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",45.5999984741211,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.7200012207031,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",40.4500007629395,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"high","west" +"female","hispanic",44.6300010681152,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",48.6100006103516,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","other",46,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",45.4599990844727,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",43.0099983215332,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",37.9599990844727,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",51.7099990844727,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",39.6100006103516,"no","no","no","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",46.6599998474121,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.3499984741211,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",39.2999992370605,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",43.6399993896484,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",42.6100006103516,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"female","other",55.0900001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",55.6199989318848,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.7299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",41,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",37.0400009155273,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",56.8199996948242,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",65.0400009155273,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",55.3899993896484,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",52.0699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",54.9599990844727,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.9199981689453,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.4900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",54.2599983215332,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",36.2299995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",49.0800018310547,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.9300003051758,"no","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",47.4300003051758,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.8600006103516,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.9100036621094,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.4700012207031,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.6199989318848,"no","yes","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","afam",46.9599990844727,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.4799995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",48.4799995422363,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.5,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.2000007629395,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.3899993896484,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.8400001525879,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",44.9199981689453,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",50.4700012207031,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.7000007629395,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",60.7099990844727,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.1199989318848,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",50.4300003051758,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.9199981689453,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.8499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",54.8400001525879,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.5699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.5299987792969,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.0200004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53.3800010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",62.6599998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",47.8300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",52.4700012207031,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",53.2400016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.5800018310547,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",43.1199989318848,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",37.7700004577637,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.189998626709,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.6300010681152,"yes","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",37.3300018310547,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.060001373291,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",42.5900001525879,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",50.7299995422363,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.8899993896484,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",55.9000015258789,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.9700012207031,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",59.560001373291,"no","no","no","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.0099983215332,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",46,"yes","yes","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.7700004577637,"yes","yes","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.9300003051758,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","afam",46.2000007629395,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","afam",59.3600006103516,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",55.4900016784668,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",54.8199996948242,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",39.8199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",55.2799987792969,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",56.0200004577637,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.8400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.6500015258789,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.310001373291,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",32.8400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.6100006103516,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",44.689998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.8499984741211,"yes","yes","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.5900001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",49.3499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",32.7400016784668,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.2200012207031,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",59.6300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",51.1100006103516,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","afam",46.560001373291,"no","yes","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.7999992370605,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.0200004577637,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.2900009155273,"no","no","no","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.1199989318848,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","afam",34.7799987792969,"no","yes","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","afam",38.4000015258789,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",36.4500007629395,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",62.560001373291,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.25,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",57.3899993896484,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",40.9000015258789,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.189998626709,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",41.3400001525879,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","afam",37.9500007629395,"yes","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",31.8199996948242,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.5099983215332,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.7900009155273,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.8899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",47.1500015258789,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58.6199989318848,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.75,"no","yes","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",40.560001373291,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.2299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",43.6399993896484,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.0099983215332,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",42.6300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",38.9500007629395,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",49.4500007629395,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58.6800003051758,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",38.8499984741211,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.0499992370605,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",41.5299987792969,"no","no","no","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.9799995422363,"no","no","no","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.0200004577637,"yes","yes","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.9500007629395,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",68.3600006103516,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.3899993896484,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",41.4000015258789,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.4799995422363,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",61.1599998474121,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53.3600006103516,"no","no","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.6699981689453,"no","no","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.2900009155273,"no","no","no","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.9900016784668,"no","no","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",60.2700004577637,"no","yes","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",44.7799987792969,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",52.7599983215332,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",34.6199989318848,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",60.3199996948242,"yes","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.9199981689453,"no","no","no","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.4599990844727,"no","no","no","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",60.0400009155273,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.810001373291,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58.189998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",38.3300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",38.8899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.4799995422363,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.5999984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.5999984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.3300018310547,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",37.1599998474121,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.2200012207031,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.2400016784668,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.7299995422363,"yes","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",62.2799987792969,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",33.7400016784668,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",37.5299987792969,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",43.3600006103516,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.3600006103516,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.7400016784668,"yes","yes","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",40.0400009155273,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.060001373291,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.5,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.3699989318848,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","other",62.0699996948242,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"high","west" +"female","hispanic",40.8400001525879,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"male","other",54.189998626709,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","hispanic",54.4900016784668,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","hispanic",39.3199996948242,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"male","hispanic",52.2900009155273,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","hispanic",46.0099983215332,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.2900009155273,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",35.1800003051758,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",54.4900016784668,"no","no","yes","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.5400009155273,"no","no","no","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.9500007629395,"no","no","yes","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",55.6800003051758,"no","no","yes","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.189998626709,"yes","no","no","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.8300018310547,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",54.810001373291,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.5800018310547,"no","yes","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",54.810001373291,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.7599983215332,"no","no","yes","yes",10.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","other",66.1699981689453,"yes","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",67.3199996948242,"yes","no","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.8800010681152,"yes","no","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.75,"yes","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",66.6600036621094,"yes","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",40.75,"yes","yes","no","no",4.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","afam",32.1399993896484,"no","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.9000015258789,"yes","no","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.3300018310547,"no","no","no","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.8300018310547,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",52.8600006103516,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",56.0999984741211,"yes","no","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",53.2200012207031,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",58.5,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",62.6500015258789,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",48.75,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",60.2400016784668,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",63.1399993896484,"yes","yes","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",61.5099983215332,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",64.9700012207031,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","afam",53.0400009155273,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",53.5,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",58.3499984741211,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",59.5,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",43.6199989318848,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.9099998474121,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.060001373291,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",66.1999969482422,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.2200012207031,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.1699981689453,"yes","yes","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.6399993896484,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",51.2700004577637,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.3800010681152,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","afam",47.2700004577637,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.2999992370605,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",41.6399993896484,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.8400001525879,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",59.0299987792969,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.0800018310547,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",56.5999984741211,"yes","no","no","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",44.060001373291,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.0900001525879,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.2000007629395,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",60.4700012207031,"no","no","yes","no",10.6999998092651,11.5600004196167,1.07737004756927,"low","west" +"male","other",54.3800010681152,"no","no","yes","no",10.6999998092651,11.5600004196167,1.07737004756927,"low","west" +"female","other",45.9199981689453,"no","yes","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.0900001525879,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.0699996948242,"yes","yes","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.3800010681152,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.7200012207031,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",65.129997253418,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.3800010681152,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",43.1500015258789,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",57.8199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",47.8199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",48.4900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",49.7299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",52.1399993896484,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.4099998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.3499984741211,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",57.5,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.9000015258789,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.3699989318848,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",59.9799995422363,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",57.2900009155273,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.6399993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.1300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.9599990844727,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.8899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.75,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",46.3400001525879,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",61.75,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.0900001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.2299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.1699981689453,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.5499992370605,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53.3300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.7200012207031,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.6199989318848,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",48.3400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.9900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.939998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.0200004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",39.8699989318848,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",48.4900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","afam",69.9000015258789,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",53.5800018310547,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",47.060001373291,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.1599998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.0400009155273,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",68.4400024414062,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.0299987792969,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",46.9099998474121,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",40.7099990844727,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.5999984741211,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.189998626709,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.7299995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",52.0099983215332,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",52.7599983215332,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",57.1599998474121,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.5,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","afam",66.5199966430664,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",69.3199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",55.6199989318848,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",66.3099975585938,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",46.9099998474121,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.4199981689453,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",44.9700012207031,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",42.0800018310547,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.2400016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",51.689998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.3400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",67.1800003051758,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",58.1599998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.439998626709,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",49.25,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",50.8300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.2900009155273,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",56.5299987792969,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",59.7700004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",43.1699981689453,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",49.9700012207031,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",53.4099998474121,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" diff --git a/src/ICP/Test/X3a.csv b/src/ICP/Test/X3a.csv new file mode 100644 index 00000000..646c98e0 --- /dev/null +++ b/src/ICP/Test/X3a.csv @@ -0,0 +1,4740 @@ +"gender","ethnicity","score","fcollege","mcollege","home","urban","unemp","wage","tuition","income","region" +"male","other",39.1500015258789,"yes","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",48.8699989318848,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"male","other",48.7400016784668,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"male","afam",40.4000015258789,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",40.4799995422363,"no","no","no","yes",5.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"male","other",54.7099990844727,"no","no","yes","yes",5.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"female","other",56.0699996948242,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",54.8499984741211,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",64.7399978637695,"yes","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",56.060001373291,"no","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",42.2200012207031,"no","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","afam",61.1800003051758,"no","yes","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.8499984741211,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",58.7700004577637,"yes","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",53.7200012207031,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",61.5200004577637,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",52.5299987792969,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",45.0099983215332,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",57.7099990844727,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",59.3600006103516,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",50.9300003051758,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",59.560001373291,"yes","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",58.4599990844727,"yes","yes","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",55.7000007629395,"no","no","no","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",60.810001373291,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","afam",40.5999984741211,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",49.9900016784668,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",59.689998626709,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",60.3300018310547,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",60.1399993896484,"yes","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",68.5800018310547,"yes","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",42.6100006103516,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",58.6599998474121,"yes","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"male","other",58.1399993896484,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",58.9500007629395,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",49.3699989318848,"no","no","yes","yes",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",47.25,"no","yes","no","yes",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",61.0299987792969,"yes","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"male","other",54.3499984741211,"no","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",68.120002746582,"yes","yes","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"male","other",70.0999984741211,"yes","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.6100006103516,"no","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.5699996948242,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.1100006103516,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",39.4099998474121,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.9799995422363,"yes","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"high","other" +"female","afam",41.5900001525879,"yes","yes","no","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",55.3199996948242,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","hispanic",42.2299995422363,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",62,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","hispanic",49.6500015258789,"no","no","no","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",44.9599990844727,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",37.310001373291,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",39.8699989318848,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",56.439998626709,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","afam",42.6500015258789,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",60.0499992370605,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",38.3199996948242,"no","no","no","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",65.870002746582,"yes","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",44.6500015258789,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",57.7400016784668,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",60.3800010681152,"yes","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",62.7700004577637,"no","no","no","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.7299995422363,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.060001373291,"yes","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.0200004577637,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.7400016784668,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",46.2799987792969,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"low","other" +"female","other",60.4000015258789,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"low","other" +"male","other",53.2099990844727,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"high","other" +"female","other",60.9300003051758,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.439998626709,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",45.310001373291,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",60.2200012207031,"yes","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",56.4199981689453,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",62.2700004577637,"no","yes","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",51.8400001525879,"yes","yes","no","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",57.5499992370605,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",57.6199989318848,"yes","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",57.5,"no","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",65.3099975585938,"yes","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",50.6199989318848,"yes","no","yes","no",7.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",51.2299995422363,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",53.5499992370605,"no","no","no","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.5200004577637,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",43.4099998474121,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.5,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.3199996948242,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",36.3699989318848,"no","no","no","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",43.7999992370605,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",45.1399993896484,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"high","other" +"female","other",63.2599983215332,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",51.3199996948242,"yes","yes","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"male","other",44.2299995422363,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",42.9300003051758,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"high","other" +"female","other",47.5999984741211,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"male","other",56.4700012207031,"yes","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"high","other" +"male","other",64.6900024414062,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"female","other",62.3499984741211,"yes","yes","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.9599990844727,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"female","other",40.2799987792969,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"high","other" +"male","other",44.6599998474121,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"male","other",65.4599990844727,"no","no","no","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"female","other",37.810001373291,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"low","other" +"male","other",66.9499969482422,"yes","yes","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"high","other" +"female","other",55.6399993896484,"no","no","yes","no",6.09999990463257,7.69000005722046,1.11201000213623,"high","other" +"female","other",51.2799987792969,"no","yes","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",52.7799987792969,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",64.5999984741211,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",61.7299995422363,"yes","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","afam",50.810001373291,"no","yes","yes","no",5.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"male","other",44.4599990844727,"yes","yes","yes","no",5.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",41.5800018310547,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"female","other",40.7000007629395,"no","no","no","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"female","other",39.6300010681152,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"female","other",54.1699981689453,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"male","hispanic",38.9500007629395,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"high","other" +"female","other",62.8400001525879,"no","no","yes","no",13.5,7.69000005722046,1.11201000213623,"low","other" +"male","other",64.4800033569336,"no","no","no","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",47.0900001525879,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",50.9500007629395,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",44.4599990844727,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",58.8899993896484,"no","yes","no","no",8.69999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",54.3600006103516,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",45.2900009155273,"no","no","yes","no",8.69999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",54.1699981689453,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",52.7400016784668,"yes","no","yes","no",6.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",60.939998626709,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",40.1800003051758,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.0900001525879,"no","yes","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",54.2599983215332,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.1300010681152,"yes","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"high","other" +"female","other",64.9800033569336,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",65.3499984741211,"no","no","no","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",55.9599990844727,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",61.7299995422363,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"high","other" +"male","other",56.3499984741211,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",51.0999984741211,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"high","other" +"female","other",39.5200004577637,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",60.75,"yes","yes","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",38.189998626709,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"female","other",51.0200004577637,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",53.6500015258789,"no","no","yes","no",7.80000019073486,7.69000005722046,1.11201000213623,"low","other" +"male","other",56.3499984741211,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",52.9500007629395,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",63.4099998474121,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",66.1699981689453,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",45.0999984741211,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",66.9499969482422,"yes","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",62.9000015258789,"yes","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",52.9799995422363,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",62.2900009155273,"no","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",44.310001373291,"no","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",64.1100006103516,"yes","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"male","other",58.6199989318848,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",56.9199981689453,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",52.6699981689453,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"male","other",64.8300018310547,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",49.9000015258789,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",62.5499992370605,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",66.4899978637695,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",62.1399993896484,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",49.2000007629395,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.4700012207031,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",62.1500015258789,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","afam",43.2599983215332,"no","no","no","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.5400009155273,"no","yes","no","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",58.7200012207031,"no","no","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.8800010681152,"yes","yes","yes","no",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",68.5,"yes","no","no","no",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",52.6399993896484,"no","yes","yes","no",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",37.5400009155273,"no","yes","no","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"male","other",63.5900001525879,"no","no","no","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"female","other",49.9000015258789,"no","no","yes","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"male","other",67.1800003051758,"yes","yes","yes","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"female","other",61.0200004577637,"no","no","yes","yes",8.19999980926514,7.69000005722046,1.11201000213623,"low","other" +"female","other",55.8899993896484,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"male","other",59.2400016784668,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"male","other",62.9799995422363,"yes","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"high","other" +"male","other",51.0800018310547,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"female","other",57.1199989318848,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"high","other" +"female","other",60.4099998474121,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"female","other",44.2799987792969,"no","no","yes","no",10.3999996185303,7.69000005722046,1.11201000213623,"low","other" +"male","other",53.0499992370605,"no","no","no","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.7999992370605,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",53.5900001525879,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",39.2099990844727,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",65.9300003051758,"yes","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",56.0800018310547,"no","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",63.1300010681152,"no","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",58.3699989318848,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",59.9099998474121,"no","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"male","afam",51.4000015258789,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",49.0900001525879,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.4900016784668,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","afam",45.3600006103516,"yes","yes","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",44.689998626709,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",45.8400001525879,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",55.6599998474121,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",35.7999992370605,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",44.2400016784668,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",51.3300018310547,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",56.4599990844727,"no","yes","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",48.0299987792969,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",63.7700004577637,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",69.9000015258789,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",66.8899993896484,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",68.4400024414062,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",54.8499984741211,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.3600006103516,"yes","yes","no","yes",8,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.0400009155273,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",56.9300003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",43.5400009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.8699989318848,"no","no","yes","no",6,9.64000034332275,1.15242004394531,"low","other" +"female","other",54.1699981689453,"yes","no","yes","no",6,9.64000034332275,1.15242004394531,"high","other" +"female","other",58.7299995422363,"yes","no","yes","no",6,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.8400001525879,"no","yes","yes","no",6,9.64000034332275,1.15242004394531,"low","other" +"female","other",65.7900009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",42.0299987792969,"no","yes","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.4300003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",49.5699996948242,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",51.9599990844727,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",63.5699996948242,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",51.689998626709,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",57.8699989318848,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",49.810001373291,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",52.4900016784668,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",43.2200012207031,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"male","afam",58.5299987792969,"yes","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",43.6300010681152,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",54.7900009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",37.6100006103516,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",62.25,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",43.7999992370605,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",51.9599990844727,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.2099990844727,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.3400001525879,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",62.939998626709,"no","yes","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",55.8300018310547,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.1199989318848,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",55.5400009155273,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",65.120002746582,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.8499984741211,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",45.5400009155273,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.6800003051758,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.3199996948242,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",56.4199981689453,"yes","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.2000007629395,"yes","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","afam",57.0699996948242,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.8600006103516,"no","no","yes","no",9.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",66.8600006103516,"yes","yes","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.5999984741211,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",56.9300003051758,"yes","yes","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"high","other" +"female","other",54.1199989318848,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",48.75,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.1599998474121,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",40.9000015258789,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.9599990844727,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"high","other" +"male","other",65.7099990844727,"no","yes","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",53.7299995422363,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.5299987792969,"no","no","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",63.1199989318848,"yes","yes","yes","no",10.6999998092651,9.64000034332275,1.15242004394531,"high","other" +"male","other",51.1699981689453,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.4500007629395,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","afam",58.9300003051758,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",55.9799995422363,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",44.7799987792969,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.25,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",56.2999992370605,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",65.6800003051758,"no","no","no","no",7,9.64000034332275,1.15242004394531,"low","other" +"male","other",42.689998626709,"yes","yes","yes","no",7,9.64000034332275,1.15242004394531,"low","other" +"female","other",63.8199996948242,"yes","yes","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"female","other",55.4199981689453,"no","no","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"male","other",48.7099990844727,"no","no","yes","no",7,9.64000034332275,1.15242004394531,"low","other" +"female","other",62.5400009155273,"yes","yes","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"female","other",62.9700012207031,"no","yes","yes","no",7,9.64000034332275,1.15242004394531,"high","other" +"male","other",63.2099990844727,"yes","yes","yes","no",7.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",38.2000007629395,"no","no","no","no",7.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",54.9900016784668,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",62.6800003051758,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","other",50.6699981689453,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"female","other",53.3600006103516,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.9199981689453,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",55.75,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.7400016784668,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",56.0200004577637,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",58.5800018310547,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",48.5499992370605,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.6800003051758,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",57.9000015258789,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.9700012207031,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.8699989318848,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",54.0999984741211,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",40.2299995422363,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",50.0400009155273,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.25,"yes","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",61.8699989318848,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",67.620002746582,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",65.1399993896484,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"male","afam",58.4099998474121,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",66.8300018310547,"yes","no","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"female","afam",53.9599990844727,"yes","no","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","afam",52.7799987792969,"no","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"female","other",52.6500015258789,"yes","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","other",60.0800018310547,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.5900001525879,"no","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.0299987792969,"yes","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"female","other",40.7799987792969,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",48.0900001525879,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",41.7299995422363,"no","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",55.6699981689453,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.2299995422363,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.3699989318848,"yes","yes","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.9599990844727,"no","no","no","no",8.69999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.2599983215332,"yes","yes","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"female","other",60.9199981689453,"no","no","yes","no",8.69999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","afam",46.1399993896484,"no","no","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",50.2799987792969,"yes","no","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",39.8600006103516,"no","no","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.1100006103516,"yes","yes","yes","no",8.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","afam",43.4199981689453,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",49.0699996948242,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","afam",36.25,"yes","no","no","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",48.3899993896484,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",49.0200004577637,"yes","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",38.0900001525879,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",57.1199989318848,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.439998626709,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"female","hispanic",46.0099983215332,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.5499992370605,"yes","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.1300010681152,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"female","other",50.7299995422363,"no","no","yes","no",10.1999998092651,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.2099990844727,"no","no","no","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.2200012207031,"no","no","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",47.189998626709,"no","no","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",36.3699989318848,"no","no","no","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",48.560001373291,"no","no","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.439998626709,"yes","yes","yes","no",6.80000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","afam",49.2200012207031,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","afam",59.6699981689453,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",43.7599983215332,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",54.2400016784668,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",48.5299987792969,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",50.1399993896484,"no","no","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"male","other",52.4599990844727,"no","no","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"female","other",44.7599983215332,"no","no","no","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"female","other",46.2400016784668,"no","no","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.7799987792969,"yes","yes","yes","no",12.6000003814697,9.64000034332275,1.15242004394531,"high","other" +"male","other",62.4900016784668,"yes","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",43.6500015258789,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",56.0200004577637,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.9300003051758,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.810001373291,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"high","other" +"female","other",56.2799987792969,"no","no","yes","no",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",42.7999992370605,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",65.0500030517578,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.7400016784668,"no","yes","no","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",46.7799987792969,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"high","other" +"male","other",54.8699989318848,"yes","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"high","other" +"male","other",49.1100006103516,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"high","other" +"male","other",51.9000015258789,"no","no","no","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"female","other",59.9000015258789,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.2299995422363,"no","no","yes","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.4700012207031,"yes","no","no","no",10.8000001907349,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.060001373291,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",62.8600006103516,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",52.9300003051758,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","other",64.2699966430664,"yes","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"female","hispanic",51.5999984741211,"no","no","yes","no",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.9599990844727,"yes","no","yes","no",9.5,9.64000034332275,1.15242004394531,"high","other" +"male","other",60.439998626709,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",44.4700012207031,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",51,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.560001373291,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",64.8899993896484,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",58.2400016784668,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.1300010681152,"yes","no","no","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",62.2000007629395,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",52.310001373291,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.060001373291,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",60.9500007629395,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",55.9799995422363,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",67.4000015258789,"yes","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.3400001525879,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",49.2099990844727,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.2000007629395,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",50.8300018310547,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",42.1599998474121,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.9799995422363,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",61.4700012207031,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",54.6300010681152,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",32.5200004577637,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",42.8400001525879,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"female","afam",51.0800018310547,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",48.2000007629395,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",42.189998626709,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",48.8899993896484,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",42.8199996948242,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",65.6699981689453,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","other",61.8699989318848,"yes","yes","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",61.2799987792969,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","other",62.1800003051758,"no","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"male","afam",60.1800003051758,"yes","yes","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"high","other" +"female","other",36.5900001525879,"no","no","yes","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"male","afam",37.6699981689453,"no","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",61.75,"no","no","no","no",4.40000009536743,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.3199996948242,"yes","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",53.3300018310547,"no","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",48.7000007629395,"no","yes","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","other",66.2300033569336,"no","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.3199996948242,"no","no","yes","no",5.09999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.1699981689453,"no","no","yes","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",56.2200012207031,"no","no","no","no",6.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"female","other",65.1900024414062,"no","yes","yes","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",42.0200004577637,"no","no","no","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",44.8600006103516,"no","no","yes","no",6.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","afam",57.2799987792969,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",35.439998626709,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",64.5100021362305,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","afam",42,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",45.0099983215332,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","afam",49.9500007629395,"no","no","no","no",7.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",51.8800010681152,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",45.7599983215332,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","afam",41.939998626709,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",64.5299987792969,"no","no","yes","no",7.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",66.5199966430664,"no","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",53.0800018310547,"no","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",54.7599983215332,"no","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",54.5200004577637,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",47.0200004577637,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",62.0299987792969,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","other",62.439998626709,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"male","other",57.5099983215332,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",56.1699981689453,"yes","yes","no","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","other",44.6300010681152,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","other",47.9000015258789,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",56.7200012207031,"no","no","no","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"male","other",52.3300018310547,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",49.7599983215332,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",62.3800010681152,"no","no","no","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",62.5200004577637,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",53.8600006103516,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",58.7900009155273,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",41.5400009155273,"no","no","yes","no",7.40000009536743,10.039999961853,1.12702000141144,"high","other" +"male","other",58.5099983215332,"no","no","no","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","other",49.7000007629395,"no","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",46.8699989318848,"no","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",50.6699981689453,"yes","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",49.2400016784668,"no","no","yes","no",7.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","afam",54.939998626709,"no","no","no","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","afam",41.189998626709,"yes","yes","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",58.810001373291,"no","no","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","afam",44.0400009155273,"no","no","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","afam",47.9599990844727,"yes","yes","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",47.3499984741211,"no","no","no","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",60.9500007629395,"yes","yes","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",55.9799995422363,"yes","no","no","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",69.3000030517578,"yes","no","yes","no",7.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",62.8300018310547,"no","no","yes","no",6.90000009536743,10.039999961853,1.12702000141144,"low","other" +"male","other",62.5499992370605,"no","no","no","no",6.90000009536743,10.039999961853,1.12702000141144,"low","other" +"female","other",58.6100006103516,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",57.5400009155273,"no","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",60.6699981689453,"no","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",68.4400024414062,"yes","yes","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",64.5999984741211,"yes","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",68.7799987792969,"yes","yes","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",48.8499984741211,"no","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",64.0800018310547,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",62.9199981689453,"yes","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"male","other",65.0500030517578,"yes","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",55.0400009155273,"yes","no","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"male","other",58.0200004577637,"yes","no","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",54.8400001525879,"yes","yes","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","afam",38.1100006103516,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","afam",36.3800010681152,"no","no","no","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",37.3400001525879,"no","no","no","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"male","afam",48.3199996948242,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","afam",35.6599998474121,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"low","other" +"female","afam",39.8800010681152,"no","no","yes","yes",9.10000038146973,10.039999961853,1.12702000141144,"high","other" +"male","hispanic",61.8300018310547,"yes","no","no","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","other",53.4700012207031,"yes","no","no","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"male","other",61.439998626709,"yes","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",63.75,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",56.1300010681152,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",67.1100006103516,"yes","yes","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"male","other",57.2000007629395,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",56.5200004577637,"yes","yes","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",54.7200012207031,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"male","other",57.6800003051758,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",48.0200004577637,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"low","other" +"female","other",55.2299995422363,"no","no","yes","no",4.80000019073486,10.039999961853,1.12702000141144,"high","other" +"female","other",45.0400009155273,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",61.7299995422363,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",50.4199981689453,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",59.0699996948242,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","afam",47.4599990844727,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",56.3400001525879,"yes","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",50.9799995422363,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","afam",40.1699981689453,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",46.2400016784668,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",47.0699996948242,"yes","no","yes","no",7.40000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",58.9099998474121,"no","yes","no","no",7.40000009536743,10.039999961853,1.12702000141144,"low","other" +"male","other",58.5800018310547,"no","no","yes","no",7.40000009536743,10.039999961853,1.12702000141144,"high","other" +"female","other",41.75,"no","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",44.0499992370605,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",35.8199996948242,"yes","no","no","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",46.7999992370605,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",48.2200012207031,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",54.1599998474121,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","afam",41.6599998474121,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",56.9799995422363,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","afam",42.3300018310547,"no","no","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",55.2200012207031,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",67.3199996948242,"yes","yes","yes","no",6.19999980926514,10.039999961853,1.12702000141144,"low","other" +"male","other",49.7999992370605,"no","no","no","no",6.19999980926514,10.039999961853,1.12702000141144,"high","other" +"female","afam",37.25,"no","no","no","yes",8.39999961853027,10.039999961853,1.12702000141144,"high","other" +"female","afam",48.560001373291,"no","no","no","yes",8.39999961853027,10.039999961853,1.12702000141144,"low","other" +"female","other",58.1300010681152,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"low","other" +"female","afam",36.4599990844727,"no","no","yes","no",5.90000009536743,10.039999961853,1.12702000141144,"low","other" +"male","other",38.8699989318848,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"high","other" +"female","afam",43.8600006103516,"no","no","no","no",5.90000009536743,10.039999961853,1.12702000141144,"low","other" +"male","afam",39.3600006103516,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","afam",38.5699996948242,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","afam",48.7299995422363,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",62.7000007629395,"yes","yes","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.6599998474121,"yes","yes","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",63.6300010681152,"yes","no","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",34.9300003051758,"yes","no","yes","no",5.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",59,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.4000015258789,"yes","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.25,"yes","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",45.2700004577637,"no","no","yes","yes",9.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",53.2799987792969,"no","no","yes","yes",9.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",39.9300003051758,"no","no","yes","yes",9.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",46.2299995422363,"yes","yes","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",63.3899993896484,"yes","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",48.3600006103516,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",62.5099983215332,"yes","yes","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",54.0900001525879,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",58.4900016784668,"yes","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.439998626709,"yes","yes","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",62,"yes","no","no","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",47.5099983215332,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",52.3199996948242,"no","no","yes","no",5.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",43.0999984741211,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.5699996948242,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",63.1699981689453,"no","no","no","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","other",66.3099975585938,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",50.8300018310547,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",55.1399993896484,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","afam",35.7000007629395,"no","no","no","yes",12.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.3400001525879,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",53.2299995422363,"yes","yes","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",42.9799995422363,"no","no","yes","yes",12.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",61.8600006103516,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",59.2900009155273,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.8499984741211,"yes","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",44.0299987792969,"yes","yes","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","afam",42.3199996948242,"no","no","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",37,"no","no","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",48,"yes","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","hispanic",44.9599990844727,"no","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.7400016784668,"no","no","yes","no",11,9.96000003814697,1.4041600227356,"high","other" +"male","other",43.6599998474121,"no","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","other",38.8499984741211,"yes","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","afam",65.5100021362305,"yes","no","yes","no",11,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.9599990844727,"yes","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.310001373291,"yes","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",47.4700012207031,"yes","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",35.560001373291,"no","no","no","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.9300003051758,"yes","yes","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",69.3199996948242,"no","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",50.8899993896484,"no","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",57.1599998474121,"no","no","yes","no",6.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.0400009155273,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.2900009155273,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.0199966430664,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"male","other",49.0299987792969,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"male","other",52.7900009155273,"no","no","yes","no",9,9.96000003814697,1.4041600227356,"low","other" +"male","afam",41.7200012207031,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",56.5800018310547,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","afam",58.6500015258789,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",38.1199989318848,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",46.4199981689453,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",50.810001373291,"no","yes","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",49.189998626709,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",38.5699996948242,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",57.4300003051758,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",61.2900009155273,"yes","yes","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"high","other" +"male","other",65.7900009155273,"no","no","no","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","afam",59.4700012207031,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",42.6399993896484,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",41.4799995422363,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",40.9799995422363,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",36.939998626709,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",57.7999992370605,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",56.189998626709,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",60.5099983215332,"no","no","yes","no",8.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",34.1599998474121,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",43.3699989318848,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",40.1500015258789,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",35.7299995422363,"yes","yes","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",38.7299995422363,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",47,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",37.4099998474121,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.4700012207031,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.25,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.7700004577637,"no","no","yes","no",9.39999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.9000015258789,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.7099990844727,"yes","yes","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",46.4500007629395,"yes","yes","no","no",9.5,9.96000003814697,1.4041600227356,"high","other" +"male","other",57.1800003051758,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",43.7099990844727,"no","no","no","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",58.2400016784668,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",45.6199989318848,"no","no","yes","no",9.5,9.96000003814697,1.4041600227356,"high","other" +"female","other",61.1500015258789,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",46.5800018310547,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",50.4199981689453,"no","no","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",36.0900001525879,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",43.2799987792969,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",35.0999984741211,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",43.5800018310547,"no","yes","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.1699981689453,"yes","no","yes","no",7.5,9.96000003814697,1.4041600227356,"high","other" +"male","afam",41.1399993896484,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",41.1100006103516,"yes","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",53.25,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",49.2799987792969,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","afam",38.9599990844727,"no","no","no","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.6599998474121,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.1699981689453,"no","no","yes","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",40.9700012207031,"no","no","no","no",7.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.0800018310547,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",52.6100006103516,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",56.4000015258789,"no","no","no","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.0299987792969,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.0999984741211,"yes","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",65.7900009155273,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",34.4000015258789,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",61.2200012207031,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.310001373291,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",61.810001373291,"no","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",64.870002746582,"yes","no","yes","no",8.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",45.8499984741211,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","afam",50.3400001525879,"yes","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","afam",38.2200012207031,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.939998626709,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",42.1300010681152,"no","no","no","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"male","other",61.689998626709,"no","no","no","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.5299987792969,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"male","other",47.310001373291,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"male","other",40.2299995422363,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.9199981689453,"no","no","yes","no",10.1999998092651,9.96000003814697,1.4041600227356,"low","other" +"female","other",52.939998626709,"yes","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",52.5900001525879,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",48.8600006103516,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",66.6699981689453,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",45.9700012207031,"no","no","yes","no",13.3999996185303,9.96000003814697,1.4041600227356,"high","other" +"female","other",59.0099983215332,"no","no","yes","no",13.3999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",41.0200004577637,"no","no","yes","no",13.3999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",58.7700004577637,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",48.5499992370605,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"high","other" +"female","other",40.0099983215332,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",59.1500015258789,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",41.5400009155273,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.3699989318848,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.9000015258789,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",35.7299995422363,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",43.4500007629395,"yes","yes","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"high","other" +"male","other",65.4100036621094,"yes","yes","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"male","other",51.560001373291,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"high","other" +"male","other",56.2400016784668,"no","no","yes","no",8.89999961853027,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.6199989318848,"no","yes","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","afam",57.9000015258789,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"male","afam",50.5299987792969,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",54.6399993896484,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","afam",52.7999992370605,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","afam",44.7400016784668,"yes","yes","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"high","other" +"female","other",60,"no","no","yes","no",5.90000009536743,9.96000003814697,1.4041600227356,"low","other" +"female","other",36.7900009155273,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",41.5900001525879,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",46.5299987792969,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",44.1500015258789,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",38.7900009155273,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",58.9500007629395,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.3300018310547,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.3399963378906,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.9599990844727,"yes","yes","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"high","other" +"female","other",59.6300010681152,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",40.4900016784668,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",57.9799995422363,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"high","other" +"female","other",44.1100006103516,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"female","other",47.439998626709,"no","no","no","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","afam",54.939998626709,"no","no","yes","no",11.8999996185303,9.96000003814697,1.4041600227356,"low","other" +"male","afam",45.3400001525879,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",36.189998626709,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",55.8499984741211,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",43.1599998474121,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",34.2000007629395,"no","yes","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",39.1500015258789,"yes","yes","no","no",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",47.439998626709,"no","no","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",56.5200004577637,"yes","yes","yes","no",6.59999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","afam",45.939998626709,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",55.4799995422363,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",41.6800003051758,"yes","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","afam",49.5099983215332,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",57.5699996948242,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",59.5499992370605,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",49.4700012207031,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",60.2400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.6300010681152,"no","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.6300010681152,"yes","no","yes","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","afam",36.0200004577637,"no","no","no","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",67.5199966430664,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.1199989318848,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.5299987792969,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.9199981689453,"no","yes","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"high","other" +"female","other",48.5400009155273,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.3400001525879,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",49.8899993896484,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"female","other",48.8300018310547,"no","no","yes","no",11.3000001907349,9.96000003814697,1.4041600227356,"low","other" +"male","other",42.6500015258789,"no","no","no","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.4900016784668,"no","no","no","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"male","other",46.6599998474121,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"male","other",55.4700012207031,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"high","other" +"male","hispanic",38.4300003051758,"yes","yes","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"high","other" +"female","other",62.8699989318848,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",40.7700004577637,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.6699981689453,"no","no","yes","no",8.10000038146973,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.560001373291,"no","no","no","no",3.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"female","other",61.7599983215332,"yes","no","yes","no",3.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"male","afam",47.3899993896484,"no","yes","yes","no",3.40000009536743,7.53999996185303,0.818710029125214,"low","other" +"female","other",49.5900001525879,"no","no","yes","no",3.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"male","afam",43.7999992370605,"no","no","yes","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",41.810001373291,"no","no","yes","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"male","other",55.9000015258789,"no","no","no","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",43,"no","no","no","no",5.5,7.53999996185303,0.818710029125214,"low","other" +"female","other",45.8499984741211,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.0900001525879,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"male","other",50.6800003051758,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","other",61.2299995422363,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","other",43.8699989318848,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",54.4000015258789,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","other",43.2299995422363,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","other",36.1599998474121,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","other",59.6399993896484,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","other",37.9799995422363,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",34.6399993896484,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","other",62.2299995422363,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",52.5900001525879,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",34.5299987792969,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",42.4300003051758,"yes","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",61.7700004577637,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",48.4599990844727,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",61.060001373291,"yes","yes","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",43.1599998474121,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",47.3300018310547,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","hispanic",47.5499992370605,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",55.9300003051758,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",39.3199996948242,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",59.4799995422363,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","other",43.5400009155273,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",54.3300018310547,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.25,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",37.9099998474121,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","other",46.7700004577637,"no","yes","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.5699996948242,"no","yes","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",64.0100021362305,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","hispanic",40.4799995422363,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",58.189998626709,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",52.9799995422363,"yes","yes","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",48.8199996948242,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",52.560001373291,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","afam",55.1100006103516,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",42.5699996948242,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",51.4900016784668,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",54.3800010681152,"yes","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",43.7000007629395,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",63.9500007629395,"no","no","no","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",53.3400001525879,"yes","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"high","other" +"male","other",51.3600006103516,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",53.6699981689453,"no","no","no","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",36.2599983215332,"no","yes","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",46.939998626709,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",48.6100006103516,"no","no","no","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",56.3899993896484,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",49.810001373291,"no","no","yes","no",5.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",62.3899993896484,"yes","yes","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"male","other",60.4000015258789,"no","no","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"male","other",61.7200012207031,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","other",53.7200012207031,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"male","hispanic",49.3800010681152,"no","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","afam",57.0999984741211,"yes","yes","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","other",50.060001373291,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"female","other",59.7599983215332,"yes","no","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"male","other",53.1599998474121,"yes","yes","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"female","other",38.9000015258789,"no","no","yes","no",3,9.68000030517578,1.09353005886078,"low","other" +"female","other",52.3199996948242,"no","yes","yes","no",3,9.68000030517578,1.09353005886078,"high","other" +"male","other",52.6100006103516,"yes","yes","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"female","other",63.7599983215332,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","other",64.8199996948242,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","other",48.75,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","other",57.0200004577637,"no","no","yes","no",4.59999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","other",53.0200004577637,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",55.939998626709,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",58.5900001525879,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",66.370002746582,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",52.810001373291,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",46.8499984741211,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",59.810001373291,"yes","no","no","no",4,7.53999996185303,0.818710029125214,"high","other" +"male","other",45.25,"yes","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",32.0999984741211,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",52.5299987792969,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",56.8199996948242,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","afam",58.2200012207031,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",55.7799987792969,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","other",47.3499984741211,"no","yes","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"female","other",59.9900016784668,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","afam",55.8499984741211,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",62.4300003051758,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",58.7299995422363,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",62.7200012207031,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",55.810001373291,"no","no","yes","no",2.5,7.17999982833862,1.16513001918793,"low","other" +"female","hispanic",54.0699996948242,"yes","yes","no","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"female","afam",40.25,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",59.0200004577637,"no","no","no","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",41.7400016784668,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",45.8600006103516,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",67.75,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","other",49.7299995422363,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"male","other",44.4599990844727,"yes","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",45.2000007629395,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",41.5200004577637,"no","no","yes","no",4.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",64.75,"no","no","yes","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","afam",41.9599990844727,"no","no","no","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",44.2400016784668,"no","no","no","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",54.0299987792969,"no","no","yes","no",6.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",44.7799987792969,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",43.2299995422363,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",51.5699996948242,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",40.8199996948242,"no","no","yes","no",8.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",33.9500007629395,"no","no","yes","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","afam",37.25,"no","no","no","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",43.6800003051758,"no","no","yes","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.3699989318848,"yes","no","yes","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",50.1500015258789,"no","no","no","no",6.80000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",51.6599998474121,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",50.1699981689453,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",49.5200004577637,"no","no","no","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",68.9599990844727,"no","no","no","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",61.3800010681152,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",56.3400001525879,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",38.75,"no","no","yes","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",61.3199996948242,"no","no","no","no",14.1999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",50.6699981689453,"no","no","no","no",4.5,7.32999992370605,0.655889987945557,"high","other" +"female","other",44.1399993896484,"no","yes","no","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",46.0900001525879,"no","no","yes","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"male","other",59.560001373291,"no","no","yes","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",45.5200004577637,"no","yes","yes","no",4.5,7.32999992370605,0.655889987945557,"low","other" +"male","afam",54.0299987792969,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",50.310001373291,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",35.7700004577637,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",55.1199989318848,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",44.5699996948242,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",58.0499992370605,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",38.810001373291,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",34.2400016784668,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",38.560001373291,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",42.5800018310547,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","hispanic",40.1800003051758,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",64.9300003051758,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",47.3199996948242,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",55.2000007629395,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","other",40.9000015258789,"no","no","no","no",6.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",65.5100021362305,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",59.8600006103516,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",38.1599998474121,"no","no","yes","no",6.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","other",41.810001373291,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"high","other" +"female","other",44.7099990844727,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"high","other" +"female","other",45.3800010681152,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",32.1399993896484,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"male","hispanic",37.8899993896484,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",59.4000015258789,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",55.3800010681152,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",41.8899993896484,"no","no","no","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",36.0999984741211,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",67.1900024414062,"yes","yes","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","afam",40.3499984741211,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",53.7700004577637,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",62.9700012207031,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",57.2599983215332,"no","yes","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",47.5699996948242,"no","no","yes","no",7.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",48.1199989318848,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"male","other",57.4000015258789,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"male","other",55.6699981689453,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",53.7599983215332,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",46.5699996948242,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"male","other",58.4300003051758,"no","no","yes","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","hispanic",45.0400009155273,"no","no","no","no",15.6999998092651,10.1499996185303,0.434179991483688,"low","other" +"female","other",54.75,"no","no","no","no",15.6999998092651,10.1499996185303,0.434179991483688,"high","other" +"male","hispanic",47.9000015258789,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"male","other",45.560001373291,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",51.9000015258789,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",36.25,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.5200004577637,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",43.810001373291,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"male","other",40.1300010681152,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",36.5499992370605,"no","no","yes","no",12.6000003814697,10.1499996185303,0.434179991483688,"low","other" +"female","other",51.8199996948242,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",55.75,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",45.5,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",43.6699981689453,"no","no","no","no",6.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",61.310001373291,"no","no","no","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","afam",38.5299987792969,"yes","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"high","other" +"female","afam",55.4799995422363,"no","yes","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","other",44.0800018310547,"no","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","afam",46.9900016784668,"yes","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","other",55.3699989318848,"yes","yes","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"high","other" +"female","other",58.4300003051758,"yes","yes","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","afam",49.689998626709,"no","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","afam",47.9000015258789,"no","no","no","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","afam",35.6800003051758,"no","no","yes","no",9.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","other",63.7599983215332,"yes","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",49.75,"no","no","no","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",66.1900024414062,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",45.5900001525879,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",41.7700004577637,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"high","other" +"female","afam",46.1699981689453,"yes","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",38.9799995422363,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","afam",40.6300010681152,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",54.689998626709,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",56.1399993896484,"no","no","no","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","other",50.0800018310547,"no","no","yes","no",7.30000019073486,9.68000030517578,1.09353005886078,"low","other" +"female","afam",51.310001373291,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",39.3300018310547,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",56.5,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",41.1699981689453,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","afam",47.3699989318848,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",58.4799995422363,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",52.6399993896484,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",33.8800010681152,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","afam",51.6300010681152,"no","no","yes","no",8.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",39.7799987792969,"no","no","yes","no",8.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",43.2799987792969,"yes","yes","yes","no",8.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",36.8499984741211,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",48.1199989318848,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",45.4599990844727,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",38.6500015258789,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","hispanic",49.75,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",56.3899993896484,"no","yes","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",41.4700012207031,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",56.560001373291,"yes","yes","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","afam",45.1599998474121,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",35.1100006103516,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",40.2599983215332,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",36.6699981689453,"no","no","no","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",52.6699981689453,"no","no","yes","no",7.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","afam",58.0499992370605,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"high","other" +"male","other",56.9000015258789,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"low","other" +"female","afam",44.4300003051758,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"low","other" +"male","afam",39.6800003051758,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"high","other" +"female","other",58.6300010681152,"yes","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"high","other" +"female","other",40.4599990844727,"no","no","yes","no",6.90000009536743,7.17999982833862,1.16513001918793,"low","other" +"female","other",53.0299987792969,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"high","other" +"female","other",55.6599998474121,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.5099983215332,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",56.4599990844727,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",37.9599990844727,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"high","other" +"male","afam",57.2900009155273,"no","yes","yes","no",8,7.53999996185303,0.818710029125214,"high","other" +"female","other",44.9599990844727,"yes","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.5699996948242,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",64.2200012207031,"no","no","yes","no",8,7.53999996185303,0.818710029125214,"low","other" +"male","other",50.9099998474121,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.4700012207031,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"male","other",67.0599975585938,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"female","other",43.1199989318848,"no","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"low","other" +"female","other",55.3600006103516,"yes","no","yes","no",9.89999961853027,10.1499996185303,0.434179991483688,"high","other" +"female","afam",48.1500015258789,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.8899993896484,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.25,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",47,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",40.2099990844727,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",44.189998626709,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",47.810001373291,"yes","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",54.4099998474121,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"high","other" +"male","afam",43.3899993896484,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"high","other" +"female","afam",38.8899993896484,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",43.2599983215332,"yes","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.1500015258789,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",42.2000007629395,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",48.1199989318848,"no","no","no","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","afam",38.1699981689453,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",41.439998626709,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"female","afam",41.5999984741211,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",30.7800006866455,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",48.5200004577637,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",31.1200008392334,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","afam",35.1500015258789,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",40.310001373291,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",53.8699989318848,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",51.0299987792969,"no","yes","no","no",4,9.68000030517578,1.09353005886078,"high","other" +"male","afam",46.7200012207031,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",59.6699981689453,"yes","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",56.1599998474121,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"low","other" +"female","afam",49.9300003051758,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"male","other",53.5,"no","yes","yes","no",4,9.68000030517578,1.09353005886078,"low","other" +"male","other",58.5999984741211,"no","no","yes","no",4,9.68000030517578,1.09353005886078,"high","other" +"female","other",51.7099990844727,"yes","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","afam",35.3499984741211,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","other",44.6399993896484,"yes","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"male","afam",49.8699989318848,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"male","hispanic",36.3400001525879,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","other",51.9199981689453,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"high","other" +"male","afam",50.8499984741211,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","afam",45.5099983215332,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"high","other" +"male","afam",43,"yes","no","no","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"female","afam",35.0699996948242,"no","no","yes","no",13.3999996185303,9.68000030517578,1.09353005886078,"low","other" +"male","afam",50.4300003051758,"no","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","afam",59.7200012207031,"no","no","no","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",43.060001373291,"no","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",67.120002746582,"yes","yes","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",43.3300018310547,"yes","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",65.4899978637695,"no","no","no","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",56.9500007629395,"no","yes","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"high","other" +"male","afam",51.6399993896484,"no","no","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",64.9599990844727,"yes","yes","yes","no",10.3000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",53.4799995422363,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",51.3300018310547,"no","no","yes","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",41.0900001525879,"no","no","yes","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",36.7900009155273,"no","no","yes","no",9.19999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","afam",36.2400016784668,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",37.689998626709,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",56.7999992370605,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","afam",39.5200004577637,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",37.7000007629395,"no","no","no","no",9.19999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",39.5099983215332,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.3600006103516,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",46.1599998474121,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"high","other" +"female","afam",38.2400016784668,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.4300003051758,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",36.6199989318848,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"female","afam",41.2900009155273,"no","no","yes","no",5,7.53999996185303,0.818710029125214,"low","other" +"male","afam",41.2099990844727,"no","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",38.5299987792969,"yes","yes","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",45.6699981689453,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",56.9799995422363,"no","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",50.5299987792969,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",40.2700004577637,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",48.0499992370605,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",53.4199981689453,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","afam",55.3499984741211,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",46.3899993896484,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",42.7400016784668,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",55.7999992370605,"no","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",47.4199981689453,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"male","afam",57.9599990844727,"yes","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"female","other",59.4199981689453,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"male","other",53.5400009155273,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"male","hispanic",52.6399993896484,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"female","afam",42.7299995422363,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"male","other",56.2000007629395,"no","no","yes","no",8.5,7.32999992370605,0.655889987945557,"high","other" +"female","afam",49.9700012207031,"no","yes","yes","no",8.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",49.060001373291,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",59.2599983215332,"no","yes","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","other",41.4700012207031,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",58.0299987792969,"no","yes","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"high","other" +"female","afam",52.5400009155273,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",66.3499984741211,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"male","other",48.5699996948242,"no","no","yes","no",5.59999990463257,7.53999996185303,0.818710029125214,"low","other" +"female","afam",51.6800003051758,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",52.9599990844727,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"male","afam",40.060001373291,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"high","other" +"female","other",42.75,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"high","other" +"male","afam",58.5,"yes","yes","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",46.310001373291,"yes","no","no","yes",4.59999990463257,7.17999982833862,1.16513001918793,"high","other" +"female","afam",44.0200004577637,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"male","afam",46.8499984741211,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",45.0699996948242,"no","no","yes","yes",4.59999990463257,7.17999982833862,1.16513001918793,"low","other" +"female","afam",58.7099990844727,"no","no","yes","no",7.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","other",66.4499969482422,"yes","no","no","no",7.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.1500015258789,"no","no","yes","no",7.19999980926514,10.1499996185303,0.434179991483688,"low","other" +"male","other",52.7900009155273,"yes","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","afam",31.6000003814697,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","afam",41.9900016784668,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",39.9700012207031,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",39.9799995422363,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",46.0999984741211,"no","yes","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"male","other",66.5899963378906,"no","yes","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.3499984741211,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"high","other" +"male","afam",32.3400001525879,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",38.6500015258789,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",50.3499984741211,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",37.3499984741211,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.1699981689453,"no","yes","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",43.7400016784668,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"high","other" +"male","other",44.5800018310547,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",37.9900016784668,"yes","yes","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","other",51.7900009155273,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",46.3499984741211,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",40.7700004577637,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","other",38.9700012207031,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","other",50.8300018310547,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"high","other" +"female","afam",39.6300010681152,"no","no","no","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","other",48.2599983215332,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","hispanic",34.6800003051758,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","other",40.7700004577637,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"high","other" +"male","afam",50.4500007629395,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","afam",38.75,"no","no","yes","no",5.90000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","afam",31.6800003051758,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","afam",39.0400009155273,"no","no","no","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"male","other",46.0699996948242,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",40.8899993896484,"yes","no","no","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",59.5999984741211,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"male","other",43.4700012207031,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"high","other" +"male","other",55.5,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",37.0900001525879,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",59.4799995422363,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","other",35.4000015258789,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","afam",39.5499992370605,"no","no","yes","no",4,7.32999992370605,0.655889987945557,"low","other" +"male","other",66.1800003051758,"yes","no","yes","no",4,7.32999992370605,0.655889987945557,"low","other" +"female","afam",39.6199989318848,"no","no","no","no",4,7.32999992370605,0.655889987945557,"low","other" +"female","afam",37.2400016784668,"no","no","yes","no",4,7.32999992370605,0.655889987945557,"low","other" +"male","afam",51.25,"no","yes","yes","no",4,7.32999992370605,0.655889987945557,"high","other" +"female","afam",35.7700004577637,"no","no","no","no",4,7.32999992370605,0.655889987945557,"low","other" +"male","other",46.7700004577637,"yes","yes","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"high","other" +"female","other",54.8600006103516,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"male","other",52.3400001525879,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"female","other",40.4000015258789,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"female","other",56.5,"yes","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"male","other",45.2299995422363,"no","no","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"high","other" +"male","other",53.0200004577637,"yes","no","no","yes",9.30000019073486,10.1499996185303,0.434179991483688,"low","other" +"female","other",60.7599983215332,"no","yes","yes","yes",9.30000019073486,10.1499996185303,0.434179991483688,"high","other" +"female","other",39.0299987792969,"no","no","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","other",62.2000007629395,"no","no","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","hispanic",39.8300018310547,"no","yes","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"high","other" +"female","other",46,"no","no","yes","no",8.80000019073486,9.68000030517578,1.09353005886078,"low","other" +"male","afam",37.6800003051758,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",42.1100006103516,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"male","other",56.7700004577637,"no","no","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.939998626709,"yes","yes","yes","no",5.09999990463257,7.34999990463257,0.751729965209961,"low","other" +"female","afam",55.0800018310547,"no","no","no","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","afam",52.4900016784668,"yes","no","yes","yes",5,7.53999996185303,0.818710029125214,"high","other" +"female","other",42.8899993896484,"no","yes","yes","yes",5,7.53999996185303,0.818710029125214,"low","other" +"male","afam",39.560001373291,"no","no","no","yes",5,7.53999996185303,0.818710029125214,"low","other" +"female","other",52.8300018310547,"no","no","yes","yes",5,7.53999996185303,0.818710029125214,"high","other" +"female","afam",41.310001373291,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",43.5999984741211,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.3899993896484,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.2299995422363,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",34.0200004577637,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",39.9000015258789,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",58.8800010681152,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","afam",38.2700004577637,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","hispanic",37.2200012207031,"no","no","yes","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","afam",42.439998626709,"no","no","no","yes",6.69999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","other",59.8600006103516,"no","no","yes","no",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","afam",37.9099998474121,"no","no","no","no",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",48.6500015258789,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"male","other",54.2900009155273,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",48.189998626709,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",59.5299987792969,"yes","no","yes","no",4,7.53999996185303,0.818710029125214,"high","other" +"female","other",52.5099983215332,"yes","yes","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",51.2900009155273,"yes","yes","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",62.0400009155273,"yes","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"high","other" +"female","other",41.060001373291,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",45.2599983215332,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",68.8099975585938,"yes","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","other",60.1399993896484,"yes","yes","yes","yes",5.5,7.17999982833862,1.16513001918793,"high","other" +"male","hispanic",41.2200012207031,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",51.0200004577637,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","afam",45.3800010681152,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","other",33.0699996948242,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"female","other",47.9700012207031,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"male","other",44.560001373291,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"female","other",33.8400001525879,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"male","other",47.9500007629395,"no","no","yes","no",11.8999996185303,10.1499996185303,0.434179991483688,"low","other" +"female","afam",41.1300010681152,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"male","other",53.4900016784668,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",58.9700012207031,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","afam",41.8499984741211,"no","no","no","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","hispanic",38.1599998474121,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",54.7700004577637,"yes","yes","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","other",65.8600006103516,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",49.9900016784668,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",62.6800003051758,"no","no","yes","no",4.09999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","other",50.7799987792969,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",36.2900009155273,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",52.75,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",47.75,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",49.189998626709,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","afam",35.1500015258789,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",41.2200012207031,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",44.9900016784668,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"high","other" +"male","afam",36.9199981689453,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",40.5299987792969,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",35.9799995422363,"no","no","no","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",59.1199989318848,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","hispanic",37.0699996948242,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"female","afam",49.4799995422363,"no","no","yes","no",5.5,7.34999990463257,0.751729965209961,"low","other" +"male","other",52.0099983215332,"yes","no","yes","no",6.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",43.9500007629395,"yes","no","no","no",6.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","other",49.8300018310547,"yes","no","yes","no",6.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"male","other",55.2799987792969,"no","no","no","no",6.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",48.9900016784668,"no","no","yes","no",6.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.9799995422363,"no","no","yes","no",6.5,7.32999992370605,0.655889987945557,"low","other" +"male","other",44.6599998474121,"no","yes","yes","no",6.5,7.32999992370605,0.655889987945557,"low","other" +"male","hispanic",46.2799987792969,"no","no","yes","no",6.5,7.32999992370605,0.655889987945557,"low","other" +"female","other",45.7999992370605,"yes","no","yes","no",6.40000009536743,7.53999996185303,0.818710029125214,"high","other" +"female","other",43.4199981689453,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",56.0999984741211,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",46.1800003051758,"no","no","no","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","afam",48.5900001525879,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",69.379997253418,"yes","yes","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","afam",37.6100006103516,"no","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",64.5400009155273,"yes","no","yes","no",9.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","afam",43.939998626709,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",62.5099983215332,"no","no","no","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",49.8400001525879,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","other",49.7400016784668,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"female","afam",40.4199981689453,"no","no","yes","no",6.30000019073486,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.9099998474121,"no","no","no","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",44.0299987792969,"no","yes","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.7999992370605,"no","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",61.6100006103516,"yes","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",44.6699981689453,"no","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",65.0500030517578,"yes","no","no","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",51.9199981689453,"yes","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",55.5299987792969,"no","no","no","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",60.9300003051758,"yes","no","yes","no",4.69999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",43.5400009155273,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","afam",37.1699981689453,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","other",45.4000015258789,"yes","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"high","other" +"female","other",41.7999992370605,"no","no","no","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","afam",40.1300010681152,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"high","other" +"female","other",51.9799995422363,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"high","other" +"male","other",51.9900016784668,"yes","no","no","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"female","other",52.2599983215332,"no","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",49.8800010681152,"yes","no","yes","no",5.80000019073486,7.17999982833862,1.16513001918793,"low","other" +"male","afam",41.8699989318848,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"female","afam",38.4300003051758,"no","no","no","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",37.9099998474121,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",54.310001373291,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",36.2299995422363,"no","no","yes","no",6.40000009536743,7.34999990463257,0.751729965209961,"low","other" +"male","afam",61.3699989318848,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",42.3499984741211,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",51.7200012207031,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",42.3499984741211,"yes","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",46.1300010681152,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.0999984741211,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",45.9000015258789,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",54.3699989318848,"yes","yes","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","afam",39.8899993896484,"no","no","no","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",47.7599983215332,"no","no","yes","yes",5.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",50.0099983215332,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",44.1699981689453,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",54.5,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",63.0900001525879,"yes","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"male","other",60.8600006103516,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","other",56.5099983215332,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"male","other",52.7299995422363,"yes","yes","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",46.2799987792969,"no","no","no","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","other",54.2099990844727,"no","no","no","yes",5.69999980926514,7.17999982833862,1.16513001918793,"high","other" +"female","other",65.9499969482422,"yes","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",40.7799987792969,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"female","afam",64.6900024414062,"no","no","yes","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","afam",47.4500007629395,"no","no","no","yes",5.69999980926514,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",39.9000015258789,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",50.8400001525879,"no","yes","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",62.8600006103516,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","other",56.8499984741211,"no","no","no","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",44.939998626709,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",34.2900009155273,"no","no","no","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","afam",37.1399993896484,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"male","afam",36.2400016784668,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","other",48.9500007629395,"no","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"male","other",63.9700012207031,"yes","yes","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"male","other",59.4500007629395,"no","no","no","yes",4.59999990463257,7.32999992370605,0.655889987945557,"low","other" +"female","afam",39.0200004577637,"yes","no","yes","yes",4.59999990463257,7.32999992370605,0.655889987945557,"high","other" +"female","afam",53.1399993896484,"no","no","no","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","afam",36.7599983215332,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",38.0099983215332,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.310001373291,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"high","other" +"female","afam",50.0200004577637,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",39.0400009155273,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","afam",46.6100006103516,"no","no","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"female","other",60.2200012207031,"yes","yes","yes","no",5.30000019073486,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",53.1399993896484,"no","no","yes","no",9.30000019073486,7.40000009536743,0.883369982242584,"low","other" +"female","other",52.5,"no","no","yes","no",9.30000019073486,7.40000009536743,0.883369982242584,"low","other" +"male","other",53.9900016784668,"yes","yes","yes","no",5.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",53.7200012207031,"yes","yes","yes","no",5.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",61.1500015258789,"no","yes","yes","no",5.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","hispanic",36.4300003051758,"no","no","no","no",5.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.5200004577637,"no","no","no","no",5.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",52.060001373291,"no","no","yes","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",43.5900001525879,"yes","no","yes","no",5.5,7.40000009536743,0.883369982242584,"high","other" +"male","other",55.0999984741211,"no","no","no","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",49.6800003051758,"no","no","yes","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",48.2799987792969,"yes","yes","yes","no",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",59.0099983215332,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"high","other" +"male","other",58.0800018310547,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","hispanic",56.7200012207031,"yes","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"high","other" +"female","other",44.2799987792969,"yes","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",38.6500015258789,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",55.9900016784668,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",48.6599998474121,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","afam",55.2799987792969,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",42.3800010681152,"no","no","no","no",6.40000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",38.5999984741211,"no","no","no","no",6.40000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",61.2400016784668,"no","no","yes","no",6.40000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",43.7200012207031,"yes","yes","no","no",6.40000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","other",49.1199989318848,"no","no","yes","no",6.40000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","other",52.6500015258789,"yes","yes","no","no",3.70000004768372,7.40000009536743,0.883369982242584,"high","other" +"female","other",42.1199989318848,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"high","other" +"female","other",45.6800003051758,"yes","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"high","other" +"male","other",55.1599998474121,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"female","other",52.6199989318848,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"female","other",57.7000007629395,"no","no","no","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"male","other",35.7900009155273,"no","no","yes","no",3.70000004768372,7.40000009536743,0.883369982242584,"low","other" +"female","afam",39.4099998474121,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","other",49.1399993896484,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",64.629997253418,"yes","yes","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","hispanic",43.560001373291,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","other",37.7200012207031,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",48.560001373291,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"male","other",36.9300003051758,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",49.5800018310547,"no","no","yes","no",12.1000003814697,9.06999969482422,0.669749975204468,"low","other" +"female","other",56.0800018310547,"yes","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",58.2400016784668,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",51.2900009155273,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",55.0400009155273,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","other",54.8699989318848,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",61.0900001525879,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","other",58.2299995422363,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"male","other",34.1500015258789,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"high","other" +"female","other",51.5,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"low","other" +"female","other",38.8300018310547,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"high","other" +"male","other",46.9300003051758,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"low","other" +"male","other",59.2000007629395,"no","no","yes","no",10.1999998092651,7.48999977111816,0.804849982261658,"low","other" +"male","afam",38.2000007629395,"no","yes","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"male","other",46.9199981689453,"yes","yes","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"high","other" +"male","other",54.2299995422363,"no","no","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"high","other" +"female","hispanic",38.3499984741211,"no","no","no","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"female","other",63.5699996948242,"no","no","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"male","afam",36.6399993896484,"no","no","no","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"female","afam",37.8199996948242,"no","no","yes","no",8.89999961853027,7.48999977111816,0.804849982261658,"low","other" +"female","other",59.3699989318848,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",59.5900001525879,"no","no","no","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",54.0400009155273,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",39.4700012207031,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"high","other" +"male","other",57.6399993896484,"yes","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",63.75,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",59.2700004577637,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"female","afam",39.8499984741211,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"male","other",52.0099983215332,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"high","other" +"female","other",51.189998626709,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"high","other" +"male","other",52.8199996948242,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"female","afam",46.25,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"male","other",66.4700012207031,"yes","yes","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.1699981689453,"no","no","yes","no",10.8000001907349,8.26000022888184,0.615469992160797,"low","other" +"male","other",34.3300018310547,"yes","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"male","other",44.7999992370605,"no","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",40.2200012207031,"no","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",49.8300018310547,"no","yes","yes","no",8.5,8.26000022888184,0.615469992160797,"high","other" +"male","other",52.4500007629395,"no","yes","yes","no",8.5,8.26000022888184,0.615469992160797,"high","other" +"female","other",61.810001373291,"no","no","yes","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",48.3300018310547,"yes","yes","no","no",8.5,8.26000022888184,0.615469992160797,"low","other" +"female","other",59.4199981689453,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",46.1100006103516,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",34.4199981689453,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",67,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",50.3499984741211,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",58.9199981689453,"no","no","no","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",62.9500007629395,"no","yes","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",40.4900016784668,"no","no","yes","no",14.8999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","afam",41.2000007629395,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","afam",44.3300018310547,"no","no","no","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","other",44.9000015258789,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"high","other" +"female","afam",46.7200012207031,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"male","afam",36.560001373291,"yes","no","no","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"male","other",45.5900001525879,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","afam",35.3300018310547,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.7200012207031,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","other",56.9700012207031,"no","no","yes","no",6.09999990463257,7.48999977111816,0.804849982261658,"low","other" +"female","hispanic",44.0999984741211,"yes","no","no","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",33.5999984741211,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"male","other",37.2799987792969,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","afam",41.0699996948242,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",49.0099983215332,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",42.8400001525879,"no","no","no","no",13.3999996185303,8.26000022888184,0.615469992160797,"low","other" +"female","other",39.6699981689453,"no","no","yes","no",13.3999996185303,8.26000022888184,0.615469992160797,"high","other" +"female","other",47.7400016784668,"yes","no","yes","no",9.5,7.40000009536743,0.883369982242584,"high","other" +"female","other",53.1699981689453,"no","no","yes","no",9.5,7.40000009536743,0.883369982242584,"low","other" +"female","other",47.9099998474121,"no","yes","yes","no",9.5,7.40000009536743,0.883369982242584,"high","other" +"male","other",60.8899993896484,"yes","no","yes","no",9.5,7.40000009536743,0.883369982242584,"low","other" +"male","other",62.1399993896484,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",57.9799995422363,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",47.6300010681152,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",53.9199981689453,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","afam",47.3199996948242,"no","no","yes","no",11.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",54.2400016784668,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"female","other",48.9700012207031,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"female","other",52.1300010681152,"no","yes","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"male","other",49.439998626709,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"female","other",66.0199966430664,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"low","other" +"male","other",49.689998626709,"no","no","yes","no",9.60000038146973,9.06999969482422,0.669749975204468,"high","other" +"male","other",51.7099990844727,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",37.310001373291,"yes","yes","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",47.7799987792969,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",55.9900016784668,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",33.7900009155273,"no","no","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",59.4500007629395,"no","no","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",60.4599990844727,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",45.439998626709,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",58.189998626709,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","other",58.4599990844727,"no","no","yes","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"female","other",53.0900001525879,"no","no","no","no",9.39999961853027,9.06999969482422,0.669749975204468,"low","other" +"male","afam",47.8899993896484,"no","no","no","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",57.939998626709,"no","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"female","other",52.4199981689453,"yes","yes","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",63.4300003051758,"yes","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"high","other" +"male","afam",48.25,"no","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",45.2200012207031,"no","no","no","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"female","afam",38.4300003051758,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",53.0400009155273,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",37.9099998474121,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",50.7099990844727,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",56.1399993896484,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",43.5999984741211,"no","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","afam",53.1699981689453,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",40.7599983215332,"yes","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",33.9799995422363,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",40.3800010681152,"no","yes","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",37.75,"no","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",45.4000015258789,"no","no","no","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","afam",51.7299995422363,"no","yes","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","afam",52.8300018310547,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","other",42.5,"yes","yes","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","afam",34.2799987792969,"no","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",51.810001373291,"yes","no","yes","yes",5.69999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","afam",32.189998626709,"no","no","no","no",8.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.0400009155273,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"female","afam",35.2599983215332,"no","no","no","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",44.0499992370605,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","hispanic",56.9799995422363,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","other",51.9300003051758,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.439998626709,"no","no","no","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"male","other",49.310001373291,"yes","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"female","other",59.8600006103516,"yes","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"male","other",39.0200004577637,"yes","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","other",41.6599998474121,"no","no","no","yes",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","afam",38.3600006103516,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",36.8899993896484,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",61.8400001525879,"yes","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","other",45.9900016784668,"no","no","yes","yes",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","other",44.8499984741211,"no","no","yes","no",5.80000019073486,7.40000009536743,0.883369982242584,"high","other" +"female","other",46.0900001525879,"no","no","yes","no",5.80000019073486,7.40000009536743,0.883369982242584,"high","other" +"male","afam",42.1699981689453,"no","no","yes","no",5.80000019073486,7.40000009536743,0.883369982242584,"high","other" +"female","other",39.8899993896484,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"male","hispanic",37.2299995422363,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","afam",34.7099990844727,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","other",38.5800018310547,"yes","yes","yes","no",9,7.48999977111816,0.804849982261658,"high","other" +"male","other",40.939998626709,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"high","other" +"female","other",52.5099983215332,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.439998626709,"no","no","yes","no",9,7.48999977111816,0.804849982261658,"low","other" +"female","other",38.5299987792969,"no","no","no","no",9,7.48999977111816,0.804849982261658,"low","other" +"male","afam",49.8300018310547,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",38.2400016784668,"no","no","no","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","other",46.7000007629395,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","hispanic",53.9799995422363,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",40.4799995422363,"no","no","no","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",37.5699996948242,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","afam",34.7000007629395,"no","no","yes","no",6.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"female","afam",44.0800018310547,"no","no","yes","no",8,7.40000009536743,0.883369982242584,"low","other" +"male","afam",36.5900001525879,"no","no","no","no",8,7.40000009536743,0.883369982242584,"low","other" +"female","afam",40.4900016784668,"no","no","no","no",8,7.40000009536743,0.883369982242584,"low","other" +"male","afam",39.1500015258789,"no","no","no","no",8,7.40000009536743,0.883369982242584,"low","other" +"male","other",45.2999992370605,"no","no","yes","no",8,7.40000009536743,0.883369982242584,"low","other" +"female","other",52.9900016784668,"yes","no","yes","no",8,7.40000009536743,0.883369982242584,"low","other" +"female","afam",35.2299995422363,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"male","other",55.1699981689453,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",39.9500007629395,"no","no","no","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",44.6199989318848,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",41.9900016784668,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",32.7200012207031,"no","no","no","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","other",55.0200004577637,"no","no","yes","no",9.69999980926514,7.48999977111816,0.804849982261658,"low","other" +"female","afam",36.5400009155273,"no","no","no","no",5.90000009536743,7.40000009536743,0.883369982242584,"low","other" +"female","afam",37.4199981689453,"no","yes","yes","no",5.90000009536743,7.40000009536743,0.883369982242584,"low","other" +"male","afam",54.4000015258789,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"male","afam",45.9300003051758,"no","no","no","yes",7.5,7.48999977111816,0.804849982261658,"low","other" +"female","afam",45.0200004577637,"no","no","yes","yes",7.5,7.48999977111816,0.804849982261658,"high","other" +"female","afam",44.5900001525879,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",44.6800003051758,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"male","afam",40.4300003051758,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",39.8300018310547,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",47.310001373291,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",44.3899993896484,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",39.8699989318848,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"female","afam",40.6800003051758,"no","no","yes","no",6,7.40000009536743,0.883369982242584,"low","other" +"male","other",57.9599990844727,"no","no","yes","no",12.5,9.06999969482422,0.669749975204468,"low","other" +"male","other",34.8600006103516,"no","no","no","no",12.5,9.06999969482422,0.669749975204468,"low","other" +"female","other",53.5099983215332,"no","no","no","no",12.5,9.06999969482422,0.669749975204468,"low","other" +"male","other",36.5299987792969,"yes","yes","yes","no",12.5,9.06999969482422,0.669749975204468,"high","other" +"female","other",44.9500007629395,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"high","other" +"female","other",47.5200004577637,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"male","other",63.7099990844727,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"male","other",33.4000015258789,"no","no","yes","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"female","other",51.6599998474121,"no","no","no","no",10.3000001907349,7.48999977111816,0.804849982261658,"low","other" +"male","other",43.560001373291,"yes","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","other",60.2400016784668,"no","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"male","afam",46.1399993896484,"no","no","yes","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","afam",36.2900009155273,"no","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"male","other",48.6199989318848,"no","no","yes","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","other",64.7900009155273,"yes","yes","yes","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"female","other",54.9199981689453,"no","no","no","no",8.39999961853027,8.26000022888184,0.615469992160797,"low","other" +"male","other",40.2999992370605,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"male","other",43.8899993896484,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"male","other",57.9199981689453,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"male","other",34.1699981689453,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"female","other",55.9599990844727,"no","no","yes","no",10.1999998092651,8.26000022888184,0.615469992160797,"low","other" +"female","afam",42.9199981689453,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",34.6599998474121,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",48.6300010681152,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",36.9700012207031,"no","no","no","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"male","hispanic",42.6599998474121,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","afam",43.2000007629395,"no","no","yes","yes",5.5,7.40000009536743,0.883369982242584,"low","other" +"female","hispanic",34.8300018310547,"no","no","yes","no",11.1999998092651,9.06999969482422,0.669749975204468,"low","other" +"female","other",43.3800010681152,"no","no","yes","no",11.1999998092651,9.06999969482422,0.669749975204468,"low","other" +"male","other",47.0099983215332,"no","no","yes","no",11.1999998092651,9.06999969482422,0.669749975204468,"low","other" +"female","other",40.4000015258789,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",43.560001373291,"yes","yes","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",49.189998626709,"yes","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"female","other",36.4000015258789,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"male","other",34.4700012207031,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"low","other" +"male","other",60.6300010681152,"no","no","yes","no",7.19999980926514,8.26000022888184,0.615469992160797,"high","other" +"female","other",54.6399993896484,"yes","no","no","no",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","other",43.8800010681152,"no","no","yes","no",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"male","other",50.1500015258789,"no","no","yes","no",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","other",53.939998626709,"no","yes","no","no",5.90000009536743,8.26000022888184,0.615469992160797,"high","other" +"female","other",54.4300003051758,"no","yes","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",57,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",42.5099983215332,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",59.6599998474121,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"male","other",31.0499992370605,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"high","other" +"female","other",38.7400016784668,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"male","other",53.4599990844727,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",46.5,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"low","other" +"female","other",47.3499984741211,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",46.9599990844727,"no","no","yes","no",3.5,10.0299997329712,0.524249970912933,"high","other" +"female","afam",55.8199996948242,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"male","afam",38.060001373291,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"female","other",57.1199989318848,"no","no","yes","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"male","hispanic",62.9199981689453,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"female","other",59.2799987792969,"no","no","yes","no",6.30000019073486,9.89999961853027,0.673210024833679,"high","other" +"female","afam",52.939998626709,"no","no","no","no",6.30000019073486,9.89999961853027,0.673210024833679,"low","other" +"male","other",44.7900009155273,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"high","other" +"female","other",56.8600006103516,"yes","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","afam",57.6599998474121,"no","yes","no","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","afam",43.0699996948242,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",58.6699981689453,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",53.9900016784668,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","other",65.9499969482422,"no","no","yes","yes",5.40000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",56.1100006103516,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","hispanic",45.2099990844727,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","other",60.9500007629395,"no","no","no","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","afam",34.2400016784668,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","afam",43,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","afam",45.1100006103516,"no","no","yes","no",8.10000038146973,9.89999961853027,0.673210024833679,"low","other" +"male","other",53.4700012207031,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"male","other",39.75,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",37.6500015258789,"no","no","yes","no",6,10.0299997329712,0.524249970912933,"low","other" +"female","afam",60.0099983215332,"yes","yes","yes","no",8.5,9.89999961853027,0.673210024833679,"high","other" +"female","afam",42.6399993896484,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",39.3300018310547,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",35.4300003051758,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","hispanic",34.3199996948242,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",44.1599998474121,"no","no","no","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"male","afam",32.6500015258789,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"male","afam",35.7400016784668,"no","no","yes","no",8.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",41.0099983215332,"no","no","yes","no",8.39999961853027,10.0299997329712,0.524249970912933,"low","other" +"male","other",47.2599983215332,"no","no","yes","no",8.39999961853027,10.0299997329712,0.524249970912933,"low","other" +"female","other",46.1300010681152,"no","no","yes","no",8.39999961853027,10.0299997329712,0.524249970912933,"high","other" +"male","afam",36.5400009155273,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"female","hispanic",36.9099998474121,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"female","other",44.6199989318848,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"male","other",60.5999984741211,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"female","other",42.0299987792969,"no","no","yes","no",4.90000009536743,10.0299997329712,0.524249970912933,"low","other" +"male","other",54.4300003051758,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"male","other",44.2400016784668,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.5,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"female","other",46.3199996948242,"yes","yes","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.0699996948242,"no","no","yes","no",6.90000009536743,9.89999961853027,0.673210024833679,"low","other" +"male","other",50.25,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",40.3800010681152,"yes","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","afam",43.1800003051758,"no","yes","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",41.1399993896484,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","other",52.5800018310547,"no","no","no","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","other",59.4000015258789,"yes","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"high","other" +"female","other",46.5499992370605,"no","no","no","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",43.9300003051758,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",39.8600006103516,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",50.9700012207031,"no","no","yes","no",7.80000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","other",49.9300003051758,"no","no","yes","no",7.09999990463257,6.59000015258789,0.692840039730072,"low","other" +"female","other",38.4900016784668,"no","no","yes","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",43.9799995422363,"no","no","no","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",50.3199996948242,"yes","yes","no","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",42.7400016784668,"no","no","yes","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",44.0200004577637,"no","no","no","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",40.5299987792969,"no","no","yes","no",4.19999980926514,10.0299997329712,0.524249970912933,"low","other" +"male","other",45.1300010681152,"no","no","no","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","afam",35.9599990844727,"no","no","no","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",50.4300003051758,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","afam",33.0200004577637,"no","no","no","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","afam",35.7000007629395,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","other",36.810001373291,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","afam",41.1599998474121,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"male","other",44.5099983215332,"no","no","yes","no",7.90000009536743,6.59000015258789,0.692840039730072,"low","other" +"female","other",52.5099983215332,"yes","no","yes","no",4.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",41.689998626709,"no","no","yes","no",4.5,10.0299997329712,0.524249970912933,"high","other" +"female","other",42.6800003051758,"no","no","no","no",4.5,10.0299997329712,0.524249970912933,"low","other" +"male","other",41.0099983215332,"yes","yes","yes","no",4.5,10.0299997329712,0.524249970912933,"high","other" +"female","other",57.439998626709,"no","no","yes","no",4.5,10.0299997329712,0.524249970912933,"high","other" +"female","other",60.5099983215332,"no","no","no","no",4.5,10.0299997329712,0.524249970912933,"low","other" +"female","other",52.0099983215332,"no","no","yes","no",6.30000019073486,6.59000015258789,0.692840039730072,"low","other" +"female","afam",35.2700004577637,"no","no","yes","no",6.30000019073486,6.59000015258789,0.692840039730072,"low","other" +"male","afam",40.3699989318848,"no","no","yes","no",6.30000019073486,6.59000015258789,0.692840039730072,"low","other" +"female","other",50.3300018310547,"no","no","yes","no",9.89999961853027,6.59000015258789,0.692840039730072,"low","other" +"female","afam",45.8800010681152,"no","no","yes","no",9.89999961853027,6.59000015258789,0.692840039730072,"low","other" +"male","other",32.439998626709,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"high","other" +"male","other",51.1300010681152,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",47.1300010681152,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"low","other" +"female","other",51.4700012207031,"no","no","yes","no",4.69999980926514,10.0299997329712,0.524249970912933,"high","other" +"male","other",47.560001373291,"no","no","yes","yes",6,10.0299997329712,0.524249970912933,"low","other" +"female","afam",56.4599990844727,"no","no","yes","yes",6,10.0299997329712,0.524249970912933,"low","other" +"male","afam",50.5999984741211,"no","no","no","yes",6,10.0299997329712,0.524249970912933,"low","other" +"female","other",66.3099975585938,"yes","yes","yes","yes",6,10.0299997329712,0.524249970912933,"high","other" +"female","afam",55.3199996948242,"no","no","yes","yes",6,10.0299997329712,0.524249970912933,"high","other" +"female","afam",54.6500015258789,"yes","yes","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",44.6100006103516,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",48.8499984741211,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",40.4000015258789,"no","no","no","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",37.0499992370605,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","other",44.9500007629395,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",40.1500015258789,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",54.189998626709,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","other",56.2000007629395,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",31.7000007629395,"no","no","yes","no",9.69999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",39.4099998474121,"no","no","no","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",48.6100006103516,"no","no","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","hispanic",38.6100006103516,"no","yes","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",40.4500007629395,"no","no","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"high","other" +"female","other",41.2099990844727,"no","no","yes","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",39.2599983215332,"yes","yes","no","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.3600006103516,"no","no","no","no",5.19999980926514,9.89999961853027,0.673210024833679,"low","other" +"male","afam",33.810001373291,"no","no","yes","no",7.09999990463257,6.59000015258789,0.692840039730072,"low","other" +"male","afam",28.9500007629395,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"high","other" +"female","other",56.1500015258789,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"male","other",57,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"male","other",46.0200004577637,"yes","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"male","other",55.9000015258789,"no","no","yes","yes",4.09999990463257,10.0299997329712,0.524249970912933,"low","other" +"female","afam",37.0699996948242,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"male","other",46.9199981689453,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",30.9099998474121,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",42.3800010681152,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",45.4599990844727,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","afam",44.8899993896484,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"male","other",44.2299995422363,"no","no","yes","no",8.5,6.59000015258789,0.692840039730072,"high","other" +"female","afam",35.7900009155273,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"high","other" +"female","afam",39.8899993896484,"no","no","no","no",8.5,6.59000015258789,0.692840039730072,"low","other" +"female","other",43.3199996948242,"yes","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",49.060001373291,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",38.1699981689453,"no","no","no","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","other",46.8699989318848,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","afam",49.0699996948242,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"female","other",39.4799995422363,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","afam",42.2999992370605,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","other",47.9599990844727,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"high","other" +"male","afam",48.4500007629395,"no","no","yes","yes",4.30000019073486,10.0299997329712,0.524249970912933,"low","other" +"male","hispanic",47.6599998474121,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",61.1699981689453,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",51.5299987792969,"yes","yes","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",41.9900016784668,"no","yes","no","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",65.1699981689453,"yes","yes","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","afam",53.1399993896484,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",39.939998626709,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.3800010681152,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",57.0499992370605,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",57.189998626709,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",37.1699981689453,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"male","other",45.810001373291,"yes","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","other",40.5699996948242,"no","no","no","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.9700012207031,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","other",57.2999992370605,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",41.2000007629395,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.5800018310547,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",59.5,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",40.560001373291,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.060001373291,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.8600006103516,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",64.1800003051758,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5499992370605,"yes","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",60.4099998474121,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",51.6699981689453,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.8199996948242,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",62.2700004577637,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.4500007629395,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",49.189998626709,"no","no","yes","no",6.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",59.3699989318848,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"male","other",43.7900009155273,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",38.0400009155273,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",53.6500015258789,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",57.810001373291,"yes","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"male","other",48.7200012207031,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",50.5900001525879,"yes","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",59.2700004577637,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.1800003051758,"no","no","yes","no",4.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",56.439998626709,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.4799995422363,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.9900016784668,"no","no","no","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",49.6500015258789,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",45.5299987792969,"no","no","no","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",52.2400016784668,"yes","yes","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",41.0299987792969,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",52.7000007629395,"yes","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",64.4499969482422,"yes","yes","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",39.2900009155273,"no","yes","no","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",59.6500015258789,"no","no","yes","no",4.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",41.2299995422363,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",53.1100006103516,"yes","no","no","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",44.1500015258789,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",57.4000015258789,"no","yes","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",38.7099990844727,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",44.3300018310547,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",37.6300010681152,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.810001373291,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",54.9099998474121,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",37.4000015258789,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.5999984741211,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",48.5699996948242,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",51.1199989318848,"no","no","yes","no",3.5,9.92000007629395,0.454970002174377,"low","other" +"female","afam",40.3199996948242,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"female","other",51.9300003051758,"yes","no","yes","no",3.5,9.92000007629395,0.454970002174377,"high","other" +"male","other",45.2099990844727,"no","no","no","no",3.5,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",60.25,"no","no","yes","no",3.5,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",43.3800010681152,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",56.5999984741211,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",48.5400009155273,"no","yes","no","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.6300010681152,"yes","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",45.2200012207031,"no","yes","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",40.9900016784668,"yes","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","afam",48.0900001525879,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",35.3899993896484,"no","no","yes","yes",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.2999992370605,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","afam",40.6199989318848,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.9000015258789,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"male","other",57.939998626709,"yes","no","yes","no",7.5,9.92000007629395,0.454970002174377,"high","other" +"male","other",46.3300018310547,"yes","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","other",67.9199981689453,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"male","other",52.0299987792969,"no","no","yes","no",7.5,9.92000007629395,0.454970002174377,"low","other" +"female","afam",37.0800018310547,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.3499984741211,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",42.5099983215332,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",50.3199996948242,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","afam",34.2000007629395,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","afam",46.3600006103516,"no","yes","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","afam",48.3899993896484,"no","no","yes","no",5.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",40.7000007629395,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"low","other" +"male","other",55.5999984741211,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"high","other" +"female","other",59.3300018310547,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",36.6599998474121,"no","no","yes","no",6.19999980926514,9.92000007629395,0.454970002174377,"low","other" +"female","other",37.9900016784668,"no","no","no","no",3.59999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.4300003051758,"yes","no","no","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",63.75,"no","no","yes","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",50.5299987792969,"no","no","yes","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.2400016784668,"no","no","yes","no",3.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.2900009155273,"no","no","no","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"male","other",55.9700012207031,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","afam",40.5200004577637,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","other",39.4500007629395,"no","no","no","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",37.8199996948242,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",43.310001373291,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","other",61.7799987792969,"yes","yes","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",40.189998626709,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","afam",47.9099998474121,"no","no","yes","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","other",41.1699981689453,"no","no","no","no",8.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","other",67.8499984741211,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",66.0299987792969,"yes","yes","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","afam",38.8600006103516,"no","no","no","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",68.5800018310547,"no","yes","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",42.689998626709,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",56.060001373291,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",51.9700012207031,"no","no","no","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",46.5299987792969,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",33.7799987792969,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",38.8400001525879,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",64.2300033569336,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"female","other",47.8899993896484,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"male","other",44.3499984741211,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.689998626709,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"female","afam",39.4500007629395,"no","no","yes","no",6,9.92000007629395,0.454970002174377,"low","other" +"male","afam",44.8499984741211,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",40.2099990844727,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",43.8300018310547,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",45.4099998474121,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",40.5299987792969,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.3600006103516,"no","no","no","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",42.5900001525879,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",56.6599998474121,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","afam",33.6599998474121,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","afam",39.5699996948242,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",35.7400016784668,"no","no","yes","no",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.3800010681152,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",41.2200012207031,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",44.4500007629395,"yes","yes","no","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",62.8300018310547,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"female","afam",48.4700012207031,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",38.5,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.6699981689453,"no","no","no","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.8300018310547,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","afam",35.5699996948242,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.6399993896484,"no","no","yes","yes",4.30000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",63.5200004577637,"no","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",51.5099983215332,"yes","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",42.6599998474121,"no","no","no","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",45.1599998474121,"yes","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",61.7000007629395,"yes","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",49.9799995422363,"no","no","no","no",3.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.6199989318848,"no","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","other",49.3800010681152,"no","no","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"male","other",57.560001373291,"no","yes","yes","no",3.09999990463257,9.92000007629395,0.454970002174377,"high","other" +"female","other",49.6500015258789,"yes","yes","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",57.939998626709,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",62.3600006103516,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","other",47.7099990844727,"yes","yes","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",52.0400009155273,"no","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"high","other" +"female","other",53.3899993896484,"yes","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.3300018310547,"yes","no","yes","no",3.70000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","other",56.189998626709,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",64.7699966430664,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",55.3899993896484,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",49.8600006103516,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",50.8300018310547,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",47.9799995422363,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.7700004577637,"no","no","yes","no",8,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.7200012207031,"no","no","yes","no",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",55.3699989318848,"yes","yes","yes","no",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",39.2200012207031,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",34.7200012207031,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",41.6599998474121,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",53.0999984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.9500007629395,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",32.6399993896484,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",52.1199989318848,"yes","no","no","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",53.8300018310547,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",59.0099983215332,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",48.0900001525879,"no","no","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","other",63.0200004577637,"yes","yes","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","hispanic",55.2099990844727,"no","no","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"high","other" +"female","other",41.560001373291,"no","no","yes","no",7.80000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",62.0800018310547,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","hispanic",51.0099983215332,"yes","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","afam",58.4599990844727,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","other",52.7700004577637,"yes","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.5999984741211,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","afam",50.6500015258789,"no","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",43.7000007629395,"no","no","no","yes",9.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",49.5099983215332,"no","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"female","other",55.6300010681152,"yes","no","yes","yes",9.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","hispanic",56.4300003051758,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",46.4099998474121,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",55.5800018310547,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.0800018310547,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",53.4500007629395,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",58.2700004577637,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",40.8300018310547,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",55.5999984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",60.6599998474121,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",42.689998626709,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.189998626709,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",55.4599990844727,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.6100006103516,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.25,"no","no","no","no",10.3000001907349,11.6199998855591,1.24827003479004,"low","other" +"female","hispanic",35,"no","no","no","no",10.3000001907349,11.6199998855591,1.24827003479004,"low","other" +"female","other",39.3300018310547,"no","no","yes","no",10.3000001907349,11.6199998855591,1.24827003479004,"high","other" +"male","other",53.8400001525879,"no","no","yes","no",10.3000001907349,11.6199998855591,1.24827003479004,"low","other" +"male","other",45.4900016784668,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",65.8199996948242,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",60.2299995422363,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.7900009155273,"yes","yes","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.0499992370605,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.3199996948242,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",42.5400009155273,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",61.060001373291,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",65.9400024414062,"no","no","no","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.2799987792969,"yes","yes","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.8899993896484,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",42.1399993896484,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.2900009155273,"yes","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.5800018310547,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"male","other",49.2999992370605,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"high","other" +"male","other",44.5,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",53.5299987792969,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",51.6500015258789,"no","no","yes","no",8.89999961853027,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.9099998474121,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","hispanic",49.689998626709,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.4300003051758,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",45.0699996948242,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",49.1500015258789,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",33.7900009155273,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",44.1599998474121,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",64.7399978637695,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",47.6199989318848,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","other",65.9700012207031,"yes","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.2000007629395,"no","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",58.6800003051758,"no","no","no","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",41.0200004577637,"no","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",41.0099983215332,"no","no","yes","no",8.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.1500015258789,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","hispanic",38.25,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",62.5099983215332,"yes","yes","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",47.1199989318848,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","other",65.7900009155273,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"female","other",59.9900016784668,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"high","other" +"male","other",40.4799995422363,"no","no","yes","no",6.30000019073486,11.6199998855591,1.24827003479004,"low","other" +"male","afam",39.8300018310547,"no","yes","yes","no",6.40000009536743,11.6199998855591,1.24827003479004,"low","other" +"male","other",68.2099990844727,"no","no","yes","no",6.40000009536743,11.6199998855591,1.24827003479004,"high","other" +"male","other",54.7000007629395,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.560001373291,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",56.4199981689453,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",46.9900016784668,"no","no","yes","no",8.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.3600006103516,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",65.4400024414062,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",60.7999992370605,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.5699996948242,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",64.7300033569336,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",40.5099983215332,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",42.6800003051758,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",37.8899993896484,"no","yes","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",52.9500007629395,"no","no","no","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",58.4599990844727,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",65.9300003051758,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",57.7099990844727,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.689998626709,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"male","other",61.0999984741211,"yes","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.1599998474121,"yes","yes","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"female","other",47.9199981689453,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"high","other" +"female","other",50.2099990844727,"no","no","yes","no",7,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.310001373291,"no","no","no","no",10,11.6199998855591,1.24827003479004,"low","other" +"female","other",65.5100021362305,"no","no","yes","no",10,11.6199998855591,1.24827003479004,"low","other" +"male","hispanic",53.439998626709,"no","no","yes","no",10,11.6199998855591,1.24827003479004,"high","other" +"female","other",51.7099990844727,"no","no","no","no",10,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.0699996948242,"no","no","no","no",10,11.6199998855591,1.24827003479004,"low","other" +"male","other",48.8300018310547,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",60.0699996948242,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","hispanic",40.2900009155273,"no","yes","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.810001373291,"no","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",59.4000015258789,"yes","no","yes","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",41.75,"no","no","no","no",11.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.189998626709,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.4099998474121,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",60.2000007629395,"no","no","no","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.1800003051758,"yes","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",56.0099983215332,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",39.1699981689453,"no","no","no","yes",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",34.5800018310547,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",45,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",43.8600006103516,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",42.3300018310547,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",53,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",48.6100006103516,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",51.7700004577637,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",45.1199989318848,"no","no","yes","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",48.9099998474121,"yes","no","no","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",48.8800010681152,"no","no","no","yes",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",48.1800003051758,"yes","yes","yes","no",13.5,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.4799995422363,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",48.2400016784668,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",65.5299987792969,"yes","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.4199981689453,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.4300003051758,"no","no","yes","no",13.5,11.6199998855591,1.24827003479004,"low","other" +"male","afam",44.4700012207031,"no","no","yes","yes",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",57.060001373291,"no","no","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"low","other" +"male","other",59.25,"yes","no","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.4700012207031,"yes","yes","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"high","other" +"female","other",48.8600006103516,"yes","no","yes","no",13.6999998092651,11.6199998855591,1.24827003479004,"high","other" +"female","other",58.9000015258789,"no","no","yes","no",11.1999998092651,11.6199998855591,1.24827003479004,"low","other" +"female","other",38.9599990844727,"no","no","yes","no",11.1999998092651,11.6199998855591,1.24827003479004,"low","other" +"female","other",50.1100006103516,"no","no","no","no",11.1999998092651,11.6199998855591,1.24827003479004,"high","other" +"male","other",65.5599975585938,"no","no","yes","yes",8,11.6199998855591,1.24827003479004,"high","other" +"male","other",63.2099990844727,"yes","yes","yes","yes",8,11.6199998855591,1.24827003479004,"high","other" +"male","other",50.7799987792969,"no","no","no","yes",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",45.4099998474121,"no","no","yes","yes",8,11.6199998855591,1.24827003479004,"high","other" +"male","other",66.4499969482422,"yes","yes","no","yes",8,11.6199998855591,1.24827003479004,"low","other" +"female","other",40.9799995422363,"no","no","no","no",11.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",59,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",64.0899963378906,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",48.5900001525879,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",33.2400016784668,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",51.1300010681152,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",52.0400009155273,"no","no","no","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",51.3499984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",48.6100006103516,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",48.1699981689453,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","afam",43.4199981689453,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","afam",49.8499984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","afam",45.310001373291,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",50.5900001525879,"yes","no","yes","no",8.39999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",57.9000015258789,"yes","no","yes","no",8.39999961853027,11.6199998855591,1.24827003479004,"high","other" +"female","other",51.8899993896484,"no","no","yes","no",8.39999961853027,11.6199998855591,1.24827003479004,"low","other" +"female","other",35.8600006103516,"no","no","no","no",6.59999990463257,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.5200004577637,"yes","no","yes","no",6.59999990463257,11.6199998855591,1.24827003479004,"high","other" +"female","other",53.810001373291,"no","no","yes","no",6.59999990463257,11.6199998855591,1.24827003479004,"high","other" +"male","other",53.2999992370605,"yes","yes","yes","no",6.59999990463257,11.6199998855591,1.24827003479004,"high","other" +"male","other",51.810001373291,"yes","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.4300003051758,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"female","other",62.0499992370605,"yes","yes","no","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"male","other",50.9099998474121,"yes","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",54.6800003051758,"yes","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",48.0699996948242,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"male","other",55.7900009155273,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.2099990844727,"no","yes","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",58.8499984741211,"no","no","yes","no",10.3999996185303,11.6199998855591,1.24827003479004,"high","other" +"female","other",56.0299987792969,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",56.189998626709,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",51.5200004577637,"no","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",55.3199996948242,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",47.0499992370605,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",52.9099998474121,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",44.2999992370605,"yes","yes","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",52.8199996948242,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",54.3400001525879,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","other",64.2600021362305,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",48.1699981689453,"no","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",60.9500007629395,"no","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",62.7900009155273,"yes","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",57.2999992370605,"yes","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",57.9599990844727,"yes","yes","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.1599998474121,"yes","yes","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",54.25,"no","no","yes","yes",5.5,11.6199998855591,1.24827003479004,"low","other" +"male","other",64.1399993896484,"yes","yes","yes","yes",5.5,11.6199998855591,1.24827003479004,"high","other" +"male","other",62.8699989318848,"yes","yes","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",52.5900001525879,"yes","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",55.7299995422363,"yes","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"male","other",59.0999984741211,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",48.1699981689453,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",47.0800018310547,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",44.9300003051758,"yes","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",44.7099990844727,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",53.1399993896484,"no","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",38.6599998474121,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",36.2200012207031,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.1500015258789,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.9099998474121,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",49.3800010681152,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",46.9300003051758,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.2299995422363,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",43.75,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",40.7799987792969,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",61.9599990844727,"no","no","yes","yes",5.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",47.6199989318848,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",61.1300010681152,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",61.0999984741211,"yes","yes","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",67.0999984741211,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"male","hispanic",50.7200012207031,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"male","other",57.2599983215332,"yes","yes","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",67.9199981689453,"yes","yes","no","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"female","other",48.3699989318848,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",52.8800010681152,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",47.0200004577637,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",60.6699981689453,"yes","yes","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",54.4099998474121,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",54.5099983215332,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",53.5900001525879,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",62.0299987792969,"yes","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",55.8899993896484,"no","no","no","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",63.0900001525879,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",42.3699989318848,"no","no","yes","yes",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",54.4000015258789,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",57.5499992370605,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.8300018310547,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",47.7000007629395,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",51.2099990844727,"no","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",56.6199989318848,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",52.7099990844727,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","afam",47.0999984741211,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",53.4599990844727,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",51.310001373291,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","afam",45.2799987792969,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",65.2300033569336,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",61.6199989318848,"no","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",63.6699981689453,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",54.3199996948242,"no","no","no","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",49.2400016784668,"yes","yes","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",55.3800010681152,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.8499984741211,"yes","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",49.6500015258789,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"male","other",37.2299995422363,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"female","other",47.1399993896484,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"female","other",38.6699981689453,"no","no","no","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"male","other",51.0299987792969,"no","no","yes","no",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"female","other",52.4799995422363,"no","no","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"low","other" +"male","other",49.3499984741211,"no","yes","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"low","other" +"female","other",66.8000030517578,"no","no","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.8800010681152,"no","no","yes","no",7.69999980926514,12.1499996185303,1.16628003120422,"high","other" +"male","other",45.939998626709,"no","yes","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",58.9000015258789,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",65.1999969482422,"yes","yes","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",48.25,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",68.7799987792969,"yes","yes","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",56,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",61.5400009155273,"yes","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",48.6199989318848,"yes","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",44.7200012207031,"no","yes","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",36.6100006103516,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",55.6300010681152,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",36.189998626709,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",44.4000015258789,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",48.5499992370605,"no","no","yes","no",5.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.0200004577637,"no","no","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"low","other" +"male","other",63.3699989318848,"no","no","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"low","other" +"male","other",54.7900009155273,"no","no","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"high","other" +"female","other",59.6199989318848,"yes","yes","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"high","other" +"female","other",55.439998626709,"yes","yes","yes","no",4.90000009536743,10.1499996185303,1.01617002487183,"high","other" +"female","other",61.75,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",54.8199996948242,"yes","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",55.0900001525879,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",41.1399993896484,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",55,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",58,"no","yes","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",60.2700004577637,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","afam",46.4000015258789,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","hispanic",44.8600006103516,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",64.5100021362305,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",48.3400001525879,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",51.9900016784668,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",64,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",45.0999984741211,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",41.6699981689453,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.2599983215332,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"female","afam",45.0699996948242,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",53.0800018310547,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","other",60.310001373291,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",57.0699996948242,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",49.9099998474121,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",65.120002746582,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",43.7599983215332,"no","no","no","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",38.2700004577637,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.6500015258789,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"male","other",45.2200012207031,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",55.4099998474121,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",54.4000015258789,"no","yes","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",44.2000007629395,"no","no","no","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",62.7099990844727,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",55.310001373291,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.2900009155273,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",42.6399993896484,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.1800003051758,"no","yes","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"male","other",37.9300003051758,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"female","other",54.7000007629395,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"low","other" +"female","other",54.3699989318848,"no","no","yes","no",7.59999990463257,10.1499996185303,1.01617002487183,"high","other" +"male","other",39.2799987792969,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",45.1199989318848,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",64.0100021362305,"yes","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",38.0699996948242,"no","no","yes","no",7.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",56.9599990844727,"yes","yes","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",40.6100006103516,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",56.5800018310547,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",46.5400009155273,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",52.0699996948242,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.1599998474121,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",41.6500015258789,"yes","yes","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",36.7000007629395,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",39.0900001525879,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",58.9599990844727,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",65.5899963378906,"no","no","yes","no",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",48.1699981689453,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",47.7599983215332,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"female","other",52.25,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",56.5900001525879,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",47.2200012207031,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.7799987792969,"no","no","yes","no",9.30000019073486,12.1499996185303,1.16628003120422,"high","other" +"male","other",55.8600006103516,"no","no","no","no",16,10.8100004196167,1.12586998939514,"high","other" +"female","other",61.810001373291,"no","yes","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"female","other",43.189998626709,"no","no","yes","no",16,10.8100004196167,1.12586998939514,"high","other" +"male","other",65.7900009155273,"no","no","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"female","other",44.0999984741211,"no","yes","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"female","other",62.6100006103516,"yes","yes","yes","no",16,10.8100004196167,1.12586998939514,"low","other" +"male","other",53.9199981689453,"no","no","yes","no",10,10.8100004196167,1.12586998939514,"high","other" +"male","hispanic",65.1100006103516,"yes","yes","yes","no",10,10.8100004196167,1.12586998939514,"low","other" +"male","other",63.9500007629395,"no","no","yes","no",10,10.8100004196167,1.12586998939514,"high","other" +"female","other",54.6699981689453,"no","no","yes","no",10,10.8100004196167,1.12586998939514,"low","other" +"male","other",52.8899993896484,"no","no","no","no",10,10.8100004196167,1.12586998939514,"low","other" +"female","other",46.9799995422363,"no","no","yes","no",12.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",60.2000007629395,"no","no","yes","no",12.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",59.0900001525879,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",44.9300003051758,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",47.0800018310547,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",57.2599983215332,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",64.0800018310547,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",58.2400016784668,"no","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.2400016784668,"yes","no","yes","no",8.39999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",58.0200004577637,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"male","other",59.8400001525879,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"male","other",57.4199981689453,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"female","other",59.7799987792969,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",45.5200004577637,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",38.5400009155273,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",40.9300003051758,"no","no","yes","no",15.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"male","other",48.4700012207031,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",58.2599983215332,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",50.1199989318848,"no","no","no","no",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",64.1699981689453,"no","no","no","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","afam",58.9000015258789,"no","yes","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",59.7400016784668,"no","no","yes","no",7.5,10.8100004196167,1.12586998939514,"high","other" +"female","other",40.310001373291,"no","no","yes","no",7.5,10.8100004196167,1.12586998939514,"low","other" +"female","other",61.2900009155273,"no","no","yes","no",7.5,10.8100004196167,1.12586998939514,"low","other" +"male","other",54.0099983215332,"no","yes","no","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"male","other",59.3899993896484,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.0900001525879,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"male","other",51.4000015258789,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"high","other" +"female","other",46.060001373291,"no","no","no","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"female","other",50.3199996948242,"no","no","yes","no",10.1000003814697,10.8100004196167,1.12586998939514,"low","other" +"female","other",58.2799987792969,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",57,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.75,"no","no","no","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",46.2400016784668,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",56.7599983215332,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",44.5,"no","no","yes","no",14.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",62.810001373291,"no","no","yes","no",14.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",56.0099983215332,"no","no","yes","no",14.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",61.189998626709,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",64.9400024414062,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",42.4700012207031,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"high","other" +"female","other",67.4599990844727,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.3400001525879,"no","no","no","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","hispanic",48.9300003051758,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",61.0299987792969,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"female","other",54.7099990844727,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"high","other" +"female","other",50.560001373291,"yes","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.7099990844727,"no","no","yes","no",8.89999961853027,10.1499996185303,1.01617002487183,"low","other" +"male","other",39.5499992370605,"no","no","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",46.4300003051758,"no","no","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"male","other",36.0099983215332,"no","no","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"female","hispanic",44.7599983215332,"no","no","no","no",11.8999996185303,12.1499996185303,1.16628003120422,"low","other" +"female","other",59.5400009155273,"no","yes","yes","no",11.8999996185303,12.1499996185303,1.16628003120422,"high","other" +"female","other",69.379997253418,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",61.1800003051758,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.75,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"high","other" +"male","other",58.3800010681152,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.0699996948242,"no","no","no","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",55.5200004577637,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.2700004577637,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"male","other",67.9800033569336,"no","no","yes","no",6.69999980926514,10.1499996185303,1.01617002487183,"low","other" +"female","other",52.0299987792969,"yes","yes","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",52.1500015258789,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",54.1599998474121,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",40.3499984741211,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",57.1800003051758,"no","no","yes","no",7.80000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","hispanic",51.8499984741211,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",61.8400001525879,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",49.4500007629395,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",35.8699989318848,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","hispanic",51.6800003051758,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",46.8499984741211,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",59.5400009155273,"no","no","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",61.2299995422363,"no","yes","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"high","other" +"female","other",68.0400009155273,"yes","no","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"high","other" +"female","other",39.6399993896484,"no","no","yes","no",10.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"female","afam",43.0099983215332,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",44.2999992370605,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",40.7900009155273,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",40.8600006103516,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",39.7900009155273,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",35.8499984741211,"no","no","no","yes",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","afam",35.3699989318848,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",40.6300010681152,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",50.0200004577637,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",41.8600006103516,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",39.25,"no","no","yes","yes",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",38.7200012207031,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","afam",37.0099983215332,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","afam",51.4599990844727,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","afam",36.1699981689453,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",34.8899993896484,"no","no","yes","yes",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",65.25,"yes","yes","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","afam",47.5,"yes","yes","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",43.0900001525879,"yes","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",57.189998626709,"no","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","other",64.3600006103516,"yes","yes","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",65.0500030517578,"yes","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",42.3800010681152,"yes","no","yes","no",9.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",40.2900009155273,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"male","other",60.6100006103516,"yes","yes","yes","yes",11.5,12.1499996185303,1.16628003120422,"high","other" +"female","other",45.9900016784668,"no","yes","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"female","afam",62.3300018310547,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"male","other",59.4199981689453,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"high","other" +"male","other",50.25,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"high","other" +"female","afam",42.6100006103516,"no","no","yes","yes",11.5,12.1499996185303,1.16628003120422,"low","other" +"female","other",44.9900016784668,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"female","other",49.2900009155273,"yes","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.310001373291,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"female","other",55.3600006103516,"no","yes","yes","no",13,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.0999984741211,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"high","other" +"male","other",49.2700004577637,"yes","no","yes","no",13,12.1499996185303,1.16628003120422,"high","other" +"female","other",54.2599983215332,"no","no","yes","no",13,12.1499996185303,1.16628003120422,"low","other" +"female","afam",43.0499992370605,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",49.8699989318848,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"high","other" +"female","other",48.8499984741211,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","afam",37.1500015258789,"no","no","no","yes",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",53.189998626709,"no","no","yes","yes",7.69999980926514,10.8100004196167,1.12586998939514,"high","other" +"female","other",66.8399963378906,"yes","yes","yes","no",10.3000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",57.9099998474121,"no","no","no","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",54.9799995422363,"no","no","yes","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",39.5499992370605,"no","no","no","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",57,"no","yes","yes","no",10.3000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",51.810001373291,"yes","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"high","other" +"male","other",39.75,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",47.5099983215332,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"high","other" +"male","other",61.4099998474121,"no","no","no","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"male","hispanic",64.8099975585938,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","other",57.439998626709,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"high","other" +"female","other",63.4300003051758,"no","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","other",49.689998626709,"yes","no","yes","no",8.39999961853027,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.2900009155273,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",52.2299995422363,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",63.2700004577637,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"high","other" +"male","other",44.5900001525879,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"male","other",53.2299995422363,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"high","other" +"female","other",46.8400001525879,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",57.3400001525879,"yes","yes","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","other",64.879997253418,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"female","hispanic",40.7099990844727,"no","no","no","no",12,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",46.9099998474121,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"high","other" +"male","other",35.2099990844727,"no","no","yes","no",12,12.1499996185303,1.16628003120422,"low","other" +"male","afam",42.6399993896484,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","afam",38.0699996948242,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",53.3499984741211,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",55.060001373291,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",37.810001373291,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","hispanic",51.9099998474121,"no","no","no","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","other",60.9900016784668,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",59.7999992370605,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.4900016784668,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",60.6800003051758,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",52.7599983215332,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","afam",39.2400016784668,"yes","yes","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","hispanic",40.5800018310547,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","afam",39.3800010681152,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.9500007629395,"no","no","yes","yes",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",51.6300010681152,"no","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",67.0100021362305,"yes","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"high","other" +"female","other",53.8699989318848,"no","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",58.2900009155273,"no","no","no","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"female","other",45.2599983215332,"no","no","yes","no",11.3999996185303,10.8100004196167,1.12586998939514,"low","other" +"male","other",51.0999984741211,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",47.8800010681152,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",61.3499984741211,"yes","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",54.939998626709,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",54.9099998474121,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.5200004577637,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","other",58.9199981689453,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"male","other",38.6800003051758,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"low","other" +"male","other",51.6500015258789,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",38.9300003051758,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",42.7799987792969,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",34.4500007629395,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",68.8000030517578,"no","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",57.3699989318848,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",65.0500030517578,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",62.6599998474121,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",63.9500007629395,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",50.6699981689453,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","hispanic",40.8499984741211,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",56.4799995422363,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.5400009155273,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",54.1100006103516,"yes","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",68.7200012207031,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",62.3800010681152,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",55.7999992370605,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",36.2000007629395,"no","no","no","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","afam",32.4799995422363,"no","no","no","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","afam",41.7200012207031,"no","no","yes","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","other",46.9900016784668,"no","no","yes","yes",7.30000019073486,10.2799997329712,0.931869983673096,"high","other" +"female","other",58.939998626709,"yes","no","yes","yes",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",42.439998626709,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",62.5900001525879,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.8600006103516,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"high","other" +"male","other",66.3899993896484,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",64.2300033569336,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.8499984741211,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"male","other",62.060001373291,"no","no","yes","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",57.3800010681152,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",57.9900016784668,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",59.1300010681152,"yes","yes","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.2799987792969,"no","no","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"male","other",62.8699989318848,"yes","yes","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"female","other",47.1800003051758,"no","no","no","yes",6.09999990463257,10.2799997329712,0.931869983673096,"low","other" +"female","other",54.4300003051758,"yes","no","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"male","other",67.0400009155273,"yes","yes","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"high","other" +"male","afam",54.0499992370605,"no","no","yes","yes",6.09999990463257,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.1199989318848,"yes","yes","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",61.0999984741211,"yes","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",56.75,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.810001373291,"no","yes","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",39.9599990844727,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",46.4199981689453,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",57.1699981689453,"no","no","yes","no",7.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",60.1100006103516,"yes","yes","yes","no",5.5,10.2799997329712,0.931869983673096,"high","other" +"male","afam",55.6599998474121,"no","yes","yes","no",5.5,10.2799997329712,0.931869983673096,"high","other" +"female","other",67.4599990844727,"no","no","no","no",5.5,10.2799997329712,0.931869983673096,"low","other" +"female","afam",36.7000007629395,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",50.689998626709,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",51.8800010681152,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",58.1399993896484,"yes","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",55.3600006103516,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","afam",40.8199996948242,"no","yes","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",46.9799995422363,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",37.7200012207031,"no","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",56.5800018310547,"yes","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",32.2700004577637,"no","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",44.9000015258789,"no","no","yes","no",7.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",50.1699981689453,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",63.0099983215332,"yes","yes","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.439998626709,"no","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",50.0699996948242,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",62.9300003051758,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.7000007629395,"yes","yes","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",60.2999992370605,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"male","other",54.3499984741211,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",63.3699989318848,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.560001373291,"no","no","no","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.1699981689453,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","afam",56.7400016784668,"no","no","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",57.8800010681152,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",56.3400001525879,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.0299987792969,"yes","yes","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",58.6500015258789,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",49.9300003051758,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",55.2000007629395,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",40.5699996948242,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"female","other",41.2299995422363,"yes","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",52.3499984741211,"yes","yes","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"high","other" +"male","other",67.2600021362305,"no","yes","yes","no",14.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",59.2599983215332,"no","no","yes","no",14.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",48.3300018310547,"yes","no","yes","no",10,10.2799997329712,0.931869983673096,"high","other" +"female","other",51.4099998474121,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",57.7200012207031,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",68.7200012207031,"yes","yes","no","no",10,10.2799997329712,0.931869983673096,"low","other" +"female","other",46.2599983215332,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","afam",38.4799995422363,"no","no","no","no",10,10.2799997329712,0.931869983673096,"high","other" +"female","afam",42.9199981689453,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",59.3400001525879,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.7999992370605,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",47.9599990844727,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",41.2200012207031,"no","no","yes","no",10,10.2799997329712,0.931869983673096,"low","other" +"male","other",53.9700012207031,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","other",49.6300010681152,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",59.939998626709,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",53.2700004577637,"yes","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",63.8499984741211,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",63.25,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",61.9700012207031,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",38.0499992370605,"no","no","yes","no",9.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",62.3600006103516,"no","yes","yes","no",9.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",42.9099998474121,"no","no","yes","no",9.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",64.1100006103516,"yes","no","yes","no",8.19999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",49.7099990844727,"no","no","yes","no",8.19999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.2299995422363,"no","no","yes","no",8.19999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.5999984741211,"no","no","yes","no",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","other",65.3899993896484,"no","no","yes","no",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","other",66.1699981689453,"no","no","yes","no",7.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",63.8899993896484,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",41.0499992370605,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",55.2200012207031,"no","no","no","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.689998626709,"no","no","yes","no",6.90000009536743,10.2799997329712,0.931869983673096,"low","other" +"male","other",49.3600006103516,"no","no","yes","no",8.39999961853027,10.2799997329712,0.931869983673096,"high","other" +"female","other",45.0200004577637,"no","no","yes","no",8.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",44.0400009155273,"no","no","yes","no",8.39999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","other",53.3699989318848,"no","yes","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"high","other" +"female","other",41.689998626709,"no","no","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",39.6500015258789,"no","no","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.9599990844727,"no","no","yes","no",10.6999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","other",45.4000015258789,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.7200012207031,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.4099998474121,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",51.0999984741211,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"female","other",40.6800003051758,"no","no","yes","no",8.30000019073486,10.2799997329712,0.931869983673096,"low","other" +"male","afam",50.4700012207031,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",54.4000015258789,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",44.9599990844727,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.2200012207031,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",50.75,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",48.2299995422363,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",41.810001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.0900001525879,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",40.4900016784668,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",34.939998626709,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",66.7399978637695,"yes","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",53.4700012207031,"no","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"male","other",56.3800010681152,"yes","no","yes","yes",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","afam",37.5499992370605,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",51.3699989318848,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",38.5499992370605,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",36.9599990844727,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",43.6399993896484,"yes","yes","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",37,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",49.2700004577637,"yes","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",45.3199996948242,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",38.7700004577637,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",40.6199989318848,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",52.8800010681152,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",35.1800003051758,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",44.310001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",47.310001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",45.7999992370605,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",62.7200012207031,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",40.5200004577637,"no","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",37.0699996948242,"no","yes","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",45.9000015258789,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",49.4500007629395,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",42.6800003051758,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",36.9799995422363,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",42.3800010681152,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",38.9300003051758,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",36.439998626709,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","other",59.4500007629395,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",35.810001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.7599983215332,"yes","yes","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",54.8400001525879,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","hispanic",42.310001373291,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",35.7400016784668,"no","no","yes","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",34.8699989318848,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",46.0099983215332,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",36.060001373291,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"male","afam",30.9799995422363,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",48.0699996948242,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",42.9199981689453,"no","no","yes","no",9.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"female","other",54.5299987792969,"no","no","yes","no",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","afam",53.939998626709,"no","no","no","no",9.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",66.3399963378906,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",51,"yes","yes","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",59.0999984741211,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","other",52.7700004577637,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","hispanic",53.0900001525879,"no","no","no","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"female","other",40.7799987792969,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","other",58.3199996948242,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",58.2099990844727,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.5800018310547,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",39.3899993896484,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.2299995422363,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"male","other",52.189998626709,"no","no","yes","no",12.8000001907349,10.2799997329712,0.931869983673096,"low","other" +"female","other",39.2099990844727,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"female","other",44.060001373291,"no","no","no","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.3699989318848,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"male","other",41.8699989318848,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",50.75,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"male","other",43.3400001525879,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"male","other",46.2599983215332,"yes","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"low","other" +"male","other",54.5999984741211,"no","no","yes","no",11.1000003814697,10.2799997329712,0.931869983673096,"high","other" +"female","other",46.7799987792969,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.6599998474121,"yes","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",43.5900001525879,"yes","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"male","other",38.4099998474121,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.3400001525879,"no","yes","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.4700012207031,"no","no","yes","no",11.1999998092651,10.2799997329712,0.931869983673096,"low","other" +"female","other",60.2700004577637,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.9199981689453,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.5900001525879,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",53.8300018310547,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","afam",52.189998626709,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",49.2400016784668,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",52.7400016784668,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"male","other",67.8499984741211,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",50.5,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",53.7900009155273,"yes","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"high","other" +"male","other",55.4500007629395,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"high","other" +"female","other",54.4900016784668,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"low","other" +"male","other",62.1100006103516,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"low","other" +"female","other",46.7900009155273,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"high","other" +"female","other",42.25,"no","no","yes","no",4.40000009536743,10.5100002288818,0.824479997158051,"low","other" +"male","afam",58.9000015258789,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"male","other",48.4199981689453,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"male","other",33.7400016784668,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"female","other",52.5200004577637,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"female","other",43.8199996948242,"no","no","yes","yes",8,9.76000022888184,0.484990000724792,"low","other" +"male","other",62.6399993896484,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"male","hispanic",63.1800003051758,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"male","other",56.1500015258789,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"female","other",62.75,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"female","other",54.7000007629395,"yes","yes","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"male","other",58.9300003051758,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",53.6199989318848,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",50.3600006103516,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",50.9599990844727,"yes","yes","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",63.4300003051758,"no","no","yes","yes",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",57.0900001525879,"no","no","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",56.0400009155273,"no","no","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",67.4700012207031,"no","yes","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","other",67.4899978637695,"no","no","yes","yes",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","hispanic",43.1100006103516,"no","no","yes","yes",4.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",61.1800003051758,"yes","no","yes","yes",4.30000019073486,10.5100002288818,0.824479997158051,"high","other" +"male","other",65.870002746582,"yes","no","yes","yes",4.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",53.0499992370605,"no","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",56.3800010681152,"yes","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",52.8600006103516,"no","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"high","other" +"male","hispanic",59.7599983215332,"no","yes","yes","yes",6.5,11.0799999237061,0.893760025501251,"high","other" +"female","afam",60.439998626709,"yes","no","yes","yes",6.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",45.7400016784668,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",55.8400001525879,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",42.6699981689453,"no","no","no","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",67.2300033569336,"no","no","yes","yes",6.40000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",65.25,"no","yes","no","yes",6.40000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",43.060001373291,"yes","no","no","yes",6.40000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",58.4199981689453,"no","no","yes","yes",6.40000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",40.7400016784668,"no","yes","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"high","other" +"male","other",62.1699981689453,"no","no","no","no",4.90000009536743,8.64999961853027,0.68476003408432,"low","other" +"female","other",65.5500030517578,"yes","yes","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"low","other" +"male","other",44.3400001525879,"no","no","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"low","other" +"female","other",39.25,"no","no","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"high","other" +"female","other",49.5499992370605,"no","no","yes","no",4.90000009536743,8.64999961853027,0.68476003408432,"high","other" +"female","other",45.1300010681152,"no","no","no","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"male","other",45.060001373291,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"male","other",57.7400016784668,"no","no","no","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"female","other",52.0400009155273,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"high","other" +"male","other",59.1800003051758,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"male","other",61.1100006103516,"yes","yes","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"high","other" +"male","hispanic",67.0199966430664,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"female","other",59.2900009155273,"no","no","yes","no",9.30000019073486,9.76000022888184,0.484990000724792,"low","other" +"female","other",43.0999984741211,"no","no","no","no",3.20000004768372,9.28999996185303,0.769050002098083,"low","other" +"male","hispanic",41.060001373291,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"female","afam",37.8499984741211,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"female","other",53.75,"no","no","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"low","other" +"male","other",54.5900001525879,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"male","other",58.5200004577637,"yes","yes","yes","no",4.09999990463257,10.5100002288818,0.824479997158051,"high","other" +"male","other",62.4599990844727,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"low","other" +"male","other",48.9799995422363,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"low","other" +"male","afam",49.3800010681152,"no","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"low","other" +"female","other",56.0999984741211,"yes","no","yes","no",3.70000004768372,9.28999996185303,0.769050002098083,"high","other" +"female","other",62.6500015258789,"no","no","no","no",6.69999980926514,9.76000022888184,0.484990000724792,"low","other" +"male","other",38.75,"no","no","yes","no",6.69999980926514,9.76000022888184,0.484990000724792,"high","other" +"female","other",54.5,"no","no","yes","no",6.69999980926514,9.76000022888184,0.484990000724792,"low","other" +"female","other",61.7799987792969,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",45.6100006103516,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",43.2200012207031,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",56.7400016784668,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.9199981689453,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"high","other" +"female","other",54.5699996948242,"yes","no","no","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",53.6599998474121,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",57.6500015258789,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",41.1100006103516,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",50.5299987792969,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",53.689998626709,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",37.5699996948242,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",56.2099990844727,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","hispanic",50.9900016784668,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",49.8499984741211,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"high","other" +"female","other",44.2200012207031,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"male","other",53.7400016784668,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"male","other",54.6300010681152,"yes","yes","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"female","other",47.5900001525879,"no","no","yes","no",1.39999997615814,9.28999996185303,0.769050002098083,"low","other" +"female","other",57.7400016784668,"yes","yes","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",58.0200004577637,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",48.2000007629395,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",67.9800033569336,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.2000007629395,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",60.4500007629395,"no","no","no","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",61.8899993896484,"no","no","no","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",58.6599998474121,"yes","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",53.5200004577637,"yes","yes","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",60.7999992370605,"yes","yes","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",55.1500015258789,"no","no","no","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",60.2599983215332,"no","no","yes","no",6.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.4599990844727,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"high","other" +"male","other",52.6100006103516,"yes","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"high","other" +"female","other",54.25,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",41.2799987792969,"yes","yes","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",46.75,"yes","yes","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"high","other" +"female","other",46.2299995422363,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",42.4799995422363,"no","no","yes","no",4.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",49.6699981689453,"no","no","yes","no",3,9.72999954223633,0.778289973735809,"low","other" +"male","other",54.8499984741211,"yes","yes","yes","no",3,9.72999954223633,0.778289973735809,"high","other" +"male","other",55.75,"yes","no","yes","no",3,9.72999954223633,0.778289973735809,"low","other" +"male","other",40.5299987792969,"no","no","no","no",3,9.72999954223633,0.778289973735809,"low","other" +"male","other",52.7400016784668,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"male","other",62.4099998474121,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"female","other",39.8699989318848,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"high","other" +"male","other",47.3300018310547,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"high","other" +"female","other",54.9799995422363,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"male","afam",43.9599990844727,"no","no","yes","no",6.19999980926514,9.76000022888184,0.484990000724792,"low","other" +"female","other",48.9900016784668,"no","no","yes","no",5.59999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",56.0200004577637,"no","no","no","no",5.59999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",49.939998626709,"no","yes","yes","no",5.59999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.4799995422363,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",51.3899993896484,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",47.3199996948242,"no","yes","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",47.5299987792969,"yes","yes","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",63.4500007629395,"yes","yes","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",51.310001373291,"yes","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",41.0299987792969,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",64.4300003051758,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",37.4300003051758,"no","no","yes","no",6.19999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",65.1100006103516,"yes","yes","yes","no",3.5,8.64999961853027,0.68476003408432,"high","other" +"male","other",48.6399993896484,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"female","other",47.3400001525879,"yes","no","yes","no",3.5,8.64999961853027,0.68476003408432,"high","other" +"male","other",42.4300003051758,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"male","other",46.2999992370605,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"male","other",44.5699996948242,"no","no","yes","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"female","other",61.7700004577637,"no","no","no","no",3.5,8.64999961853027,0.68476003408432,"low","other" +"male","other",42.8899993896484,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",45.1800003051758,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.4500007629395,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"male","other",38.4300003051758,"no","no","yes","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",47.1199989318848,"no","no","no","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",39.5699996948242,"no","no","no","no",5.09999990463257,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.1599998474121,"no","no","no","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",58.189998626709,"no","no","no","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"female","other",49.8199996948242,"no","yes","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",39.2099990844727,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",58.1699981689453,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"male","other",47.5900001525879,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",33.9700012207031,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"male","other",56.4099998474121,"no","no","no","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"male","other",52.689998626709,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",49.5699996948242,"no","no","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"low","other" +"male","other",55.3899993896484,"no","yes","yes","no",5.90000009536743,11.0799999237061,0.893760025501251,"high","other" +"female","other",66.370002746582,"no","no","no","no",4.69999980926514,9.72999954223633,0.778289973735809,"low","other" +"female","other",49.8499984741211,"yes","yes","yes","no",4.69999980926514,9.72999954223633,0.778289973735809,"low","other" +"male","other",56.6800003051758,"no","no","yes","no",4.69999980926514,9.72999954223633,0.778289973735809,"low","other" +"male","other",59.2599983215332,"no","no","no","no",4.69999980926514,9.72999954223633,0.778289973735809,"high","other" +"male","other",41.439998626709,"no","no","yes","no",4.69999980926514,9.72999954223633,0.778289973735809,"high","other" +"female","other",51.3300018310547,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",41.2900009155273,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",47.5200004577637,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"female","other",56.8499984741211,"no","yes","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",54.8699989318848,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"male","other",65.620002746582,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"male","other",55.6800003051758,"yes","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"female","other",56.1599998474121,"no","no","no","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",41.2799987792969,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"female","other",50.4300003051758,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"low","other" +"male","other",34.689998626709,"no","no","yes","no",8.10000038146973,10.5100002288818,0.824479997158051,"high","other" +"female","other",61.4300003051758,"no","no","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"high","other" +"male","afam",36.8600006103516,"no","no","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"high","other" +"female","other",61.4700012207031,"yes","yes","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"low","other" +"female","other",59.2099990844727,"yes","no","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"low","other" +"female","other",64.1900024414062,"yes","yes","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"low","other" +"male","other",67.9800033569336,"yes","yes","yes","no",3.59999990463257,9.72999954223633,0.778289973735809,"high","other" +"female","other",56.8199996948242,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",51,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"high","other" +"female","other",44.8600006103516,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"high","other" +"female","other",57.3400001525879,"no","no","no","no",5.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",57.7200012207031,"no","no","yes","no",5.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",55.060001373291,"no","no","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.8899993896484,"no","yes","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",55.689998626709,"no","no","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"male","hispanic",55.6599998474121,"no","no","yes","no",7.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"female","other",43.7400016784668,"yes","no","no","no",7.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",52.1300010681152,"no","yes","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.8199996948242,"no","no","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",55.0200004577637,"no","yes","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",55.25,"no","no","yes","no",5.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",64.1399993896484,"yes","yes","yes","no",10.6999998092651,10.5100002288818,0.824479997158051,"high","other" +"male","other",38.810001373291,"no","no","yes","no",10.6999998092651,10.5100002288818,0.824479997158051,"low","other" +"male","other",60.8600006103516,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"female","other",54.9099998474121,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"high","other" +"male","other",51.4300003051758,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"female","other",53.7599983215332,"no","no","yes","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"male","other",59.4300003051758,"no","no","no","no",9.89999961853027,9.76000022888184,0.484990000724792,"low","other" +"female","other",53.3199996948242,"no","no","yes","no",10.3000001907349,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.939998626709,"no","no","yes","no",10.3000001907349,10.5100002288818,0.824479997158051,"low","other" +"female","hispanic",45.1599998474121,"no","no","yes","no",8.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","other",48.9799995422363,"no","no","yes","no",8.30000019073486,10.5100002288818,0.824479997158051,"low","other" +"male","other",52.9500007629395,"no","no","no","no",4.30000019073486,9.72999954223633,0.778289973735809,"low","other" +"male","other",42.1500015258789,"no","no","yes","no",4.30000019073486,9.72999954223633,0.778289973735809,"high","other" +"male","other",49.7099990844727,"no","no","yes","no",4.30000019073486,9.72999954223633,0.778289973735809,"low","other" +"male","other",52.5400009155273,"no","yes","yes","no",4.30000019073486,9.72999954223633,0.778289973735809,"low","other" +"female","other",50.1500015258789,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"high","other" +"female","other",44.1399993896484,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","other",48.9700012207031,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"high","other" +"male","other",63.4300003051758,"yes","yes","no","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","other",64.629997253418,"no","yes","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","other",36.2400016784668,"no","no","yes","no",3.29999995231628,11.0799999237061,0.893760025501251,"low","other" +"male","afam",54.4000015258789,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"low","other" +"male","afam",36.7700004577637,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"high","other" +"female","other",53.7000007629395,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"female","other",50.689998626709,"yes","yes","yes","yes",5,9.72999954223633,0.778289973735809,"high","other" +"female","other",60.2799987792969,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"female","other",65.1900024414062,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"male","other",63.2999992370605,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"male","other",59.5499992370605,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"male","afam",49.689998626709,"no","no","yes","yes",5,9.72999954223633,0.778289973735809,"low","other" +"female","other",56.5999984741211,"no","no","yes","no",7.69999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",51.8499984741211,"no","no","yes","no",7.69999980926514,11.0799999237061,0.893760025501251,"low","other" +"male","other",48.0299987792969,"no","no","yes","no",7.69999980926514,11.0799999237061,0.893760025501251,"low","other" +"male","hispanic",54.5900001525879,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"female","other",47.7799987792969,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"male","other",60.5,"yes","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"high","other" +"female","other",60.8699989318848,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"female","other",47.0400009155273,"no","no","yes","yes",6.09999990463257,9.76000022888184,0.484990000724792,"low","other" +"female","other",57.6599998474121,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",62.9000015258789,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.7799987792969,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",63.0200004577637,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",53.4900016784668,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"female","other",58,"no","no","yes","no",4.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","hispanic",41.25,"no","yes","yes","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"female","other",62.5499992370605,"no","no","no","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"female","other",60.8300018310547,"no","no","no","no",3.59999990463257,9.28999996185303,0.769050002098083,"high","other" +"male","other",44.7400016784668,"yes","no","yes","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"male","hispanic",44.9599990844727,"no","no","yes","no",3.59999990463257,9.28999996185303,0.769050002098083,"low","other" +"female","other",56.2700004577637,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",54.2799987792969,"no","no","no","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","other",67.9899978637695,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"male","other",46.439998626709,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",60.2900009155273,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"high","other" +"female","hispanic",56.0200004577637,"no","no","yes","no",6.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",47.2299995422363,"no","no","no","no",6.19999980926514,11.0799999237061,0.893760025501251,"low","other" +"female","other",53.939998626709,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",47.8699989318848,"yes","yes","yes","no",6.5,11.0799999237061,0.893760025501251,"low","other" +"female","other",59.810001373291,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"high","other" +"male","other",64.129997253418,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"low","other" +"male","other",60.0499992370605,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"high","other" +"female","other",50.2700004577637,"no","no","yes","no",6.5,11.0799999237061,0.893760025501251,"high","other" +"female","afam",44.8600006103516,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",49.3300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","other",49.4099998474121,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",66.0800018310547,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",38.7900009155273,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","other",44.7599983215332,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",57.8600006103516,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",43.4000015258789,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",59.5299987792969,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",52.5299987792969,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",48,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"female","other",34.6100006103516,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",39.5900001525879,"no","yes","yes","no",5.5,10.5100002288818,0.824479997158051,"high","other" +"female","other",40.4199981689453,"no","no","no","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",54.1500015258789,"no","no","yes","no",5.5,10.5100002288818,0.824479997158051,"low","other" +"male","other",59.939998626709,"yes","no","yes","no",5.5,10.5100002288818,0.824479997158051,"high","other" +"male","other",62.5099983215332,"yes","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",62.2599983215332,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",50.1599998474121,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",59.4199981689453,"no","no","no","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",62.4599990844727,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",64.1900024414062,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",48.5900001525879,"yes","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","afam",38.4599990844727,"no","no","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","afam",39.5699996948242,"no","no","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","afam",45.3800010681152,"no","no","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"male","afam",42.2999992370605,"yes","yes","yes","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","afam",43.2999992370605,"no","no","no","yes",8.60000038146973,9.76000022888184,0.484990000724792,"low","other" +"female","other",40.189998626709,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",58.8800010681152,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",58.9900016784668,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",60.5999984741211,"no","no","no","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",59.2299995422363,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",43.6100006103516,"no","no","no","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"female","other",55.6399993896484,"yes","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",63.2099990844727,"no","no","yes","no",2.79999995231628,9.72999954223633,0.778289973735809,"low","other" +"male","other",38.4300003051758,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",54.8300018310547,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",58.9700012207031,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"male","other",48.6599998474121,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"male","other",65.7399978637695,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",40.439998626709,"no","no","no","no",5,9.28999996185303,0.769050002098083,"high","other" +"male","other",46.189998626709,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",40.4300003051758,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","other",48.6300010681152,"no","no","yes","no",5,9.28999996185303,0.769050002098083,"low","other" +"female","hispanic",44.439998626709,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",35.8499984741211,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",43.5400009155273,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"female","other",44.5,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",59.7099990844727,"no","no","yes","no",5.69999980926514,9.28999996185303,0.769050002098083,"low","other" +"male","other",51.7099990844727,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"high","other" +"female","other",63.1800003051758,"no","no","yes","no",4.80000019073486,10.5100002288818,0.824479997158051,"low","other" +"female","afam",35.560001373291,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",37.25,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",42.6500015258789,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",45.5999984741211,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",38.5699996948242,"no","yes","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",38.2799987792969,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",37.2999992370605,"yes","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",35.5999984741211,"no","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",38.0299987792969,"yes","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",58.5,"no","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",39.8499984741211,"no","no","no","yes",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",49.3499984741211,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",53.2200012207031,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",42.8899993896484,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",44.8899993896484,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.8800010681152,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",48.5499992370605,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",37.9700012207031,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",40.1599998474121,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",42.9599990844727,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",62.1399993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",40.6199989318848,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",57.7200012207031,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",59.060001373291,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",67.8399963378906,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",54.8400001525879,"no","no","no","no",4,7.53999996185303,0.818710029125214,"low","other" +"male","other",45.560001373291,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",47.1500015258789,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",38.4500007629395,"no","no","yes","no",4,7.53999996185303,0.818710029125214,"low","other" +"female","other",60.9000015258789,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",60.6500015258789,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",47.1699981689453,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",64.3300018310547,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",47.3199996948242,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",44.0999984741211,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",44.7700004577637,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.3600006103516,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",52.0900001525879,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",51.6500015258789,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",39.4599990844727,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",35.3800010681152,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.4099998474121,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",58.9599990844727,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.4500007629395,"yes","no","no","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.9099998474121,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.0400009155273,"no","no","no","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.7299995422363,"no","no","no","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",34.4199981689453,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.3400001525879,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","other",57.2900009155273,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.7799987792969,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.3800010681152,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",60.1199989318848,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.6199989318848,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",35.0699996948242,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.9199981689453,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.8499984741211,"yes","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","other",58.5299987792969,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",47.810001373291,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",55.939998626709,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",51.9500007629395,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.2299995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",62.0099983215332,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.3600006103516,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.9900016784668,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.7799987792969,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",55.0900001525879,"no","no","no","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.7700004577637,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","other",68.0999984741211,"no","yes","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",59.5200004577637,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.2400016784668,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.560001373291,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","other",55.0400009155273,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.8199996948242,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.1300010681152,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",43.1599998474121,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",53.9300003051758,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.6300010681152,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.189998626709,"no","no","yes","yes",10.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","other",42.9000015258789,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",50.0099983215332,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",44.1800003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",52.4300003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",49.439998626709,"yes","yes","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",35.060001373291,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",37.7200012207031,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.2999992370605,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",49.8800010681152,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.9500007629395,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",47.310001373291,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.6300010681152,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.439998626709,"no","yes","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",37.2599983215332,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.0499992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",56.1199989318848,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","afam",39.8300018310547,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","afam",45.6500015258789,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",46.810001373291,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",42.9900016784668,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",65.0699996948242,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",42.8400001525879,"no","no","no","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.4199981689453,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",59.2299995422363,"yes","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",43.0400009155273,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.0400009155273,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.7999992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.7200012207031,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",47.0499992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.8699989318848,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.9300003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",55.4799995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",54.2400016784668,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.060001373291,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.0800018310547,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",37.25,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.0900001525879,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",60,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",44.4799995422363,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.6500015258789,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",52.3600006103516,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.939998626709,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.3199996948242,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.4099998474121,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",34.8300018310547,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.9500007629395,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.8300018310547,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",50.5800018310547,"no","no","no","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",57.2299995422363,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",62.7400016784668,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5800018310547,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.5200004577637,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.7200012207031,"no","no","yes","yes",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5400009155273,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.4500007629395,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.3300018310547,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.8899993896484,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",48.2900009155273,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","other",45.9199981689453,"yes","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.7999992370605,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.810001373291,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.5900001525879,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.4000015258789,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",43.060001373291,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.8600006103516,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",32.2000007629395,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",33.5,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.810001373291,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.7599983215332,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","other",63.6800003051758,"no","no","no","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",45.1300010681152,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",34.1800003051758,"no","no","yes","no",5.09999990463257,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",45.8899993896484,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.5200004577637,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.4599990844727,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.3499984741211,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",33.3499984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",45.3300018310547,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",44.5800018310547,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",60.2999992370605,"yes","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",42,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.3899993896484,"yes","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",50.8800010681152,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.1500015258789,"no","no","no","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",45.9799995422363,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",57.2799987792969,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.560001373291,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",61.3800010681152,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.0900001525879,"no","no","yes","no",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",49.0499992370605,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.4700012207031,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.1599998474121,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",54.939998626709,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.2900009155273,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.4300003051758,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",45.0699996948242,"no","no","no","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.1599998474121,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",66.7300033569336,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",48.2599983215332,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.0099983215332,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","other",54.8199996948242,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.7900009155273,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",50.1300010681152,"no","no","no","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",52.060001373291,"no","no","yes","no",10.3999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","other",63.7799987792969,"no","no","yes","no",3.20000004768372,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.7400016784668,"no","no","yes","no",3.20000004768372,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",57.75,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",61.7900009155273,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",65.5999984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",61.7700004577637,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.4599990844727,"yes","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",55.9799995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.8300018310547,"yes","yes","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.7299995422363,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",51.1699981689453,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",65.75,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",56.5999984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.2700004577637,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",58.6699981689453,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.4900016784668,"no","no","no","yes",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","afam",46.3499984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.1399993896484,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.560001373291,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",44.0800018310547,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.3600006103516,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",43.8499984741211,"no","no","yes","yes",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",51.560001373291,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.439998626709,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.9900016784668,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.0900001525879,"no","yes","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",38.75,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.939998626709,"no","no","yes","yes",12.8000001907349,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.9000015258789,"no","no","no","no",5,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.1100006103516,"no","no","no","no",5,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.8300018310547,"no","no","yes","no",5,9.92000007629395,0.454970002174377,"low","other" +"male","other",62.3300018310547,"no","no","yes","no",5,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",49.5499992370605,"no","no","yes","no",5,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.5,"no","no","no","no",5,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",38.1199989318848,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.310001373291,"yes","yes","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",39.9599990844727,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.9099998474121,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.7099990844727,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",56.810001373291,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",67.6399993896484,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.7400016784668,"no","no","no","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.0699996948242,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.7200012207031,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","other",64.1100006103516,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",40.4099998474121,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",53.8400001525879,"no","no","no","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",50.4000015258789,"yes","no","no","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.4799995422363,"no","no","yes","no",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",39.0900001525879,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",47.4799995422363,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",40.6300010681152,"no","no","no","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",52.810001373291,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.0699996948242,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",44.2799987792969,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.2799987792969,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",54.9199981689453,"no","no","no","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.939998626709,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.0900001525879,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",46.5800018310547,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.3199996948242,"no","no","yes","no",6.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.2200012207031,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.8800010681152,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",50.8300018310547,"no","no","no","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",62.439998626709,"yes","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",54.25,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.9300003051758,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",53.9000015258789,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",52.5299987792969,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",47.3600006103516,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",38.5900001525879,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.3600006103516,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",55.5,"yes","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",49.5299987792969,"no","no","no","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.7999992370605,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",46.2200012207031,"no","no","yes","no",24.8999996185303,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",35.1300010681152,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.5099983215332,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",33.9700012207031,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.7400016784668,"no","no","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",51.1199989318848,"no","yes","yes","no",4.40000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",42.7000007629395,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",38.810001373291,"no","no","no","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",56.0200004577637,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.8600006103516,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",37.810001373291,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",47.2900009155273,"no","no","no","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",36.4500007629395,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",46.6599998474121,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.2400016784668,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",41.7999992370605,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",41.9099998474121,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",36.0400009155273,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.1399993896484,"no","no","no","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",34.7999992370605,"no","no","yes","no",4.80000019073486,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",59.4700012207031,"no","no","yes","no",4.69999980926514,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",51.0499992370605,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",48.6599998474121,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",39.560001373291,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",39.9799995422363,"no","no","yes","no",9.60000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",34.7799987792969,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",40.9799995422363,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",39.3499984741211,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",36.1699981689453,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",40.4199981689453,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",42,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",46.3899993896484,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",50.2400016784668,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",36.0200004577637,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",51.7599983215332,"no","yes","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",61.310001373291,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",50.75,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",50.5900001525879,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",51.1699981689453,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","other",44.0400009155273,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","hispanic",53,"no","yes","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",51.6100006103516,"yes","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","afam",57.8899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",59.4900016784668,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",38.8699989318848,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",63.8800010681152,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",38.6100006103516,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",49.8600006103516,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",41.189998626709,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",46.2700004577637,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",66.9700012207031,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",59.7000007629395,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",35.5699996948242,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",42.7799987792969,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",58.5499992370605,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",42.7799987792969,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",48.0699996948242,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",38.4500007629395,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",54.810001373291,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",64.3300018310547,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",48.9300003051758,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",50,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",48.560001373291,"yes","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",52.4099998474121,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",51.7999992370605,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",54.8300018310547,"no","yes","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",71.3600006103516,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",45.9300003051758,"yes","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",60.2999992370605,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",52.5299987792969,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",52.5099983215332,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",59.8600006103516,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",50.1699981689453,"yes","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","afam",39.7999992370605,"no","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",51.9599990844727,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",46.4099998474121,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",42.4300003051758,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.1199989318848,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",42.5699996948242,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",60.9799995422363,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",50.6599998474121,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",49.8499984741211,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",41.3600006103516,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",50.8300018310547,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",58.5800018310547,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",50.2099990844727,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",42.0800018310547,"yes","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",62.5800018310547,"no","no","no","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",51.9000015258789,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",51.060001373291,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",47.4000015258789,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",40.7900009155273,"no","no","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",53.5800018310547,"no","yes","yes","yes",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",57.7099990844727,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",55.8899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",42.8499984741211,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","afam",42.439998626709,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",39.1100006103516,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",40.1300010681152,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","other",67.0199966430664,"no","no","yes","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"female","afam",40.7799987792969,"no","no","no","yes",9.5,9.64000034332275,1.15242004394531,"low","other" +"male","other",41.4700012207031,"no","no","no","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",42.4099998474121,"no","no","yes","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",40.3800010681152,"yes","no","no","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",40.4300003051758,"no","no","yes","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","afam",44.4700012207031,"no","no","yes","yes",7,8.09000015258789,0.889150023460388,"high","other" +"female","hispanic",53.2700004577637,"no","no","no","yes",7,8.09000015258789,0.889150023460388,"low","other" +"female","hispanic",39.7299995422363,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.5200004577637,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",44.4500007629395,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",46.2200012207031,"no","yes","yes","yes",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","hispanic",51.1699981689453,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",49.0900001525879,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","afam",37.1800003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",36.1599998474121,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",41.2999992370605,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",47.6800003051758,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",53.0999984741211,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",54.0099983215332,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","other",61.3600006103516,"yes","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.560001373291,"no","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",49.7599983215332,"no","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",41.2799987792969,"yes","yes","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.0900001525879,"no","no","yes","no",8.89999961853027,10.2799997329712,0.931869983673096,"low","other" +"male","hispanic",49.6800003051758,"yes","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","hispanic",62.9000015258789,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",55.5299987792969,"yes","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","hispanic",67.7799987792969,"yes","no","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",69.9000015258789,"yes","yes","yes","no",2.5,7.17999982833862,1.16513001918793,"high","other" +"male","other",58.8800010681152,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",60.0299987792969,"no","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"male","other",68.370002746582,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",56.560001373291,"no","yes","no","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",41.5200004577637,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"female","afam",38.2400016784668,"no","no","no","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",34.5900001525879,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","hispanic",36.2400016784668,"no","no","yes","yes",5.5,7.17999982833862,1.16513001918793,"low","other" +"male","afam",52.4199981689453,"no","yes","no","yes",6.59999990463257,9.96000003814697,1.4041600227356,"low","other" +"female","afam",59.2000007629395,"yes","yes","no","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",69.1600036621094,"yes","yes","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",61.5099983215332,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",46.5699996948242,"yes","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","afam",43.1399993896484,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","afam",47.7400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",59.0999984741211,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",50.4000015258789,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.9500007629395,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.6300010681152,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",68.879997253418,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.5800018310547,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",61.189998626709,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",44.6100006103516,"no","no","no","yes",17.7000007629395,12.1499996185303,1.16628003120422,"low","other" +"male","afam",47.1500015258789,"no","no","yes","yes",17.7000007629395,12.1499996185303,1.16628003120422,"high","other" +"female","afam",64.9700012207031,"no","no","yes","no",7.80000019073486,9.06999969482422,0.669749975204468,"low","other" +"male","other",59.310001373291,"no","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","afam",54.8400001525879,"no","yes","no","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",47.6399993896484,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","afam",37.4199981689453,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",54.0200004577637,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"male","afam",47.0999984741211,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",38.3699989318848,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",34.9799995422363,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",40.4900016784668,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"male","afam",69.6100006103516,"no","yes","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","afam",51.7700004577637,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"male","afam",39.0900001525879,"no","no","no","yes",6.09999990463257,9.89999961853027,0.673210024833679,"high","other" +"female","afam",51.560001373291,"no","no","yes","yes",6.09999990463257,9.89999961853027,0.673210024833679,"low","other" +"female","other",62.3899993896484,"no","no","no","no",8.19999980926514,9.28999996185303,0.769050002098083,"low","other" +"female","afam",49.0400009155273,"no","no","no","no",8.19999980926514,9.28999996185303,0.769050002098083,"low","other" +"female","afam",35.8699989318848,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",31.5599994659424,"no","no","no","yes",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",52.0999984741211,"no","no","no","yes",7,9.76000022888184,0.484990000724792,"low","other" +"female","afam",55.25,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"low","other" +"female","afam",46.5999984741211,"no","no","yes","yes",7,9.76000022888184,0.484990000724792,"low","other" +"male","afam",54.9500007629395,"no","no","no","no",7.59999990463257,12.1499996185303,1.16628003120422,"low","other" +"female","afam",58.1800003051758,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"female","afam",51.3800010681152,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",63.0099983215332,"no","no","yes","no",5.59999990463257,10.039999961853,1.12702000141144,"low","other" +"male","other",64.2200012207031,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.8899993896484,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",46.7200012207031,"yes","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",62,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"male","other",67.5500030517578,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",56.5999984741211,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"female","other",60.9300003051758,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"low","other" +"female","other",60.2200012207031,"no","no","yes","no",8.89999961853027,12.1499996185303,1.16628003120422,"high","other" +"male","other",67.9199981689453,"yes","no","no","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",66.620002746582,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",59.439998626709,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",60.7599983215332,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",41.7200012207031,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",59.6199989318848,"yes","yes","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",54.3499984741211,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",63.0099983215332,"yes","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",63.2700004577637,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",51.2400016784668,"yes","yes","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",58.5999984741211,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",63.7400016784668,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"female","other",39.4099998474121,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"high","other" +"male","other",44.1599998474121,"no","no","no","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",59.8899993896484,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"female","other",45.7799987792969,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","other",63.6699981689453,"yes","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",58.4199981689453,"no","no","yes","yes",4.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",66.5199966430664,"yes","yes","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"female","other",68.4599990844727,"yes","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","other",63.8300018310547,"yes","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","other",39.689998626709,"no","no","yes","no",7.30000019073486,7.34999990463257,0.751729965209961,"low","other" +"female","other",51.7700004577637,"no","no","yes","no",7.30000019073486,7.34999990463257,0.751729965209961,"low","other" +"female","other",45.6399993896484,"no","no","yes","no",7.30000019073486,7.34999990463257,0.751729965209961,"low","other" +"male","afam",42.0200004577637,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",60.689998626709,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"male","other",55.1599998474121,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",60.2700004577637,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"female","other",52.1300010681152,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",56.9500007629395,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",56.4099998474121,"yes","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",61.25,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","afam",48.25,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"low","other" +"male","other",50.1699981689453,"no","no","yes","no",6.30000019073486,10.1499996185303,1.01617002487183,"high","other" +"female","other",39.9900016784668,"no","no","yes","no",10.8000001907349,9.68000030517578,1.09353005886078,"low","other" +"female","hispanic",44.2799987792969,"yes","yes","no","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"male","other",57.689998626709,"yes","yes","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",53.8300018310547,"no","no","yes","yes",5.19999980926514,7.32999992370605,0.655889987945557,"low","other" +"female","other",54.6399993896484,"no","yes","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"high","other" +"female","other",57.6199989318848,"no","yes","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","other",55.9199981689453,"no","no","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"low","other" +"male","other",63.6699981689453,"no","no","yes","no",7.19999980926514,7.34999990463257,0.751729965209961,"low","other" +"female","other",67.9199981689453,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",68.6600036621094,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",64.1900024414062,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",63.2900009155273,"yes","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",68.3000030517578,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.4199981689453,"yes","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",64.8600006103516,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",60.5200004577637,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"male","other",61.6100006103516,"no","no","no","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","afam",67.3199996948242,"yes","no","yes","no",7,8.09000015258789,0.889150023460388,"low","other" +"male","other",61.9300003051758,"yes","no","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","afam",69.9599990844727,"yes","yes","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","other",69.7600021362305,"yes","yes","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","other",62.6699981689453,"yes","yes","yes","no",7,8.09000015258789,0.889150023460388,"high","other" +"male","other",63.0900001525879,"no","no","yes","no",7,8.09000015258789,0.889150023460388,"low","other" +"female","other",65.6399993896484,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",63.5699996948242,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",69.5400009155273,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",62.5999984741211,"yes","yes","yes","no",5.90000009536743,8.26000022888184,0.615469992160797,"low","other" +"male","afam",63.3800010681152,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","afam",53.5499992370605,"no","no","no","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","hispanic",59.2799987792969,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","hispanic",63.3899993896484,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","afam",68.6399993896484,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",59.0999984741211,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",63.2900009155273,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"high","other" +"male","afam",59.0099983215332,"yes","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","afam",58.5699996948242,"no","no","yes","no",7.19999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",68.5800018310547,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",57.7799987792969,"yes","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",59.8499984741211,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",70.0999984741211,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",56.2599983215332,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"female","other",63.75,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",63.6300010681152,"yes","yes","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"high","other" +"male","other",58.7900009155273,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",56.7900009155273,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"female","other",42.0800018310547,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",58.189998626709,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",51.5999984741211,"yes","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.060001373291,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"high","other" +"female","other",49.5200004577637,"no","no","yes","no",12.6000003814697,11.6199998855591,1.24827003479004,"low","other" +"male","other",36.1500015258789,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",61.6100006103516,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",52.0699996948242,"no","no","yes","no",7.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"female","other",66.1800003051758,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",62.5699996948242,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"high","other" +"male","other",51.9300003051758,"yes","no","yes","no",11.5,9.96000003814697,1.4041600227356,"high","other" +"female","other",66.2099990844727,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",62.5200004577637,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"female","other",58.0499992370605,"yes","yes","yes","no",11.5,9.96000003814697,1.4041600227356,"high","other" +"female","other",56.4300003051758,"no","no","yes","no",11.5,9.96000003814697,1.4041600227356,"low","other" +"male","other",54.4700012207031,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",54.4599990844727,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",55.8800010681152,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",52.8899993896484,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","other",58.5400009155273,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",52.810001373291,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",55.3800010681152,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",64.8300018310547,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",60.1800003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.810001373291,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.2400016784668,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",49.6199989318848,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"male","other",55.8199996948242,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.6300010681152,"no","no","no","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","afam",55.7999992370605,"no","no","yes","no",5.59999990463257,9.64000034332275,1.15242004394531,"high","other" +"male","other",58,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"high","other" +"female","other",63.3499984741211,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"low","other" +"female","afam",47.7200012207031,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"low","other" +"female","other",57.310001373291,"no","no","yes","no",4.5,9.89999961853027,0.673210024833679,"low","other" +"male","other",49.689998626709,"yes","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"high","other" +"male","other",66.8899993896484,"yes","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",65.7900009155273,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","other",66.25,"no","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"low","other" +"male","afam",51.1500015258789,"yes","no","yes","no",7.09999990463257,9.96000003814697,1.4041600227356,"high","other" +"female","other",63.2799987792969,"yes","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",67.7099990844727,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",52.8600006103516,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",61.0699996948242,"no","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",65.4899978637695,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",49.0900001525879,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",55.3199996948242,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",69.9599990844727,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",62.8499984741211,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",58.6300010681152,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"low","other" +"female","other",62.6599998474121,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",63.4599990844727,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",54.9700012207031,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",51.8300018310547,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",65.9000015258789,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",49.310001373291,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",62.8199996948242,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",53.3400001525879,"yes","yes","no","no",4,9.92000007629395,0.454970002174377,"low","other" +"female","other",43.9900016784668,"yes","no","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",65.2699966430664,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"female","other",58.8699989318848,"yes","yes","yes","no",4,9.92000007629395,0.454970002174377,"high","other" +"male","other",58.3300018310547,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",60.689998626709,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",65.5100021362305,"yes","yes","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",67.9899978637695,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",62.1100006103516,"yes","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",55.0099983215332,"no","yes","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","afam",45.1599998474121,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",54.0499992370605,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",41.689998626709,"no","no","no","yes",14,12.1499996185303,1.16628003120422,"low","other" +"female","other",65.4700012207031,"yes","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"male","other",52.6800003051758,"yes","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",50.189998626709,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"low","other" +"male","other",43.939998626709,"no","no","yes","yes",14,12.1499996185303,1.16628003120422,"high","other" +"female","other",54.4000015258789,"yes","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",58.4000015258789,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",60.1399993896484,"no","yes","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",46.7099990844727,"no","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"female","other",57.2900009155273,"yes","no","yes","no",5.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",59.5299987792969,"no","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",56.8800010681152,"no","no","no","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"male","other",36.3699989318848,"no","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",53.9000015258789,"yes","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"female","other",41.0099983215332,"no","no","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"low","other" +"male","other",43.25,"yes","yes","yes","no",7.69999980926514,10.8100004196167,1.12586998939514,"high","other" +"male","other",54.0699996948242,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","hispanic",42.5200004577637,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",44.8400001525879,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",58.8199996948242,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"male","other",56.1399993896484,"no","no","yes","no",4.69999980926514,10.5100002288818,0.824479997158051,"low","other" +"female","other",61.0499992370605,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",61.1800003051758,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",55.7900009155273,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",60.189998626709,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",60.8899993896484,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",62.5299987792969,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"male","other",48.3300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",64.8300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"male","other",57,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",54.4799995422363,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","other",41.8300018310547,"no","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"low","other" +"female","other",49.9599990844727,"yes","no","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"female","other",56.9300003051758,"yes","yes","yes","no",6.40000009536743,9.76000022888184,0.484990000724792,"high","other" +"male","other",57.2000007629395,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",53.7400016784668,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",63.1699981689453,"yes","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",65.1900024414062,"no","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.2599983215332,"yes","no","yes","no",6.30000019073486,9.64000034332275,1.15242004394531,"high","other" +"female","other",58.7000007629395,"no","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",43.0800018310547,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",64.3099975585938,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",43.1699981689453,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",46.6300010681152,"yes","no","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"high","other" +"female","other",59.8499984741211,"yes","yes","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"high","other" +"female","other",66.3099975585938,"no","yes","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"high","other" +"female","other",54.7799987792969,"no","no","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"female","afam",64.5199966430664,"no","no","yes","no",4.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"female","other",49.6300010681152,"no","no","no","no",4.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"male","other",65.1999969482422,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",50.4099998474121,"yes","yes","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","afam",59.0999984741211,"yes","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",64.2699966430664,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","afam",56.1199989318848,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",69.7600021362305,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","afam",57.0499992370605,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","other",52.8300018310547,"yes","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","other",59.1100006103516,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"male","other",46.9500007629395,"yes","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",47.4700012207031,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",55.0699996948242,"yes","yes","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",61.7700004577637,"no","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"low","other" +"male","other",54.0400009155273,"yes","no","yes","no",6.69999980926514,11.6199998855591,1.24827003479004,"high","other" +"female","other",62.5699996948242,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.2900009155273,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",40.2599983215332,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",56.7299995422363,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",48.6699981689453,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",36.9799995422363,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",45.1800003051758,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",61.1699981689453,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.7900009155273,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",45.75,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","afam",53.8400001525879,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",57.5800018310547,"yes","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",57.7599983215332,"no","yes","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",65.120002746582,"yes","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",50.1199989318848,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","afam",46.8699989318848,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",59.0499992370605,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",51.4099998474121,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",56.7700004577637,"no","no","no","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",48.4900016784668,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",50.9199981689453,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",60.1699981689453,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",60.3300018310547,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",47.9300003051758,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",58.2299995422363,"yes","yes","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",38.689998626709,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",53.8499984741211,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"male","other",59.5999984741211,"no","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",41.1199989318848,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",45.9000015258789,"yes","no","yes","no",6.69999980926514,10.039999961853,1.12702000141144,"high","other" +"female","other",57.0099983215332,"no","yes","no","no",6.69999980926514,10.039999961853,1.12702000141144,"low","other" +"female","other",54.7999992370605,"no","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",46.9500007629395,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",60.5499992370605,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",42.9000015258789,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","afam",49.7700004577637,"no","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","hispanic",49.0299987792969,"yes","yes","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"high","other" +"female","other",59.439998626709,"no","no","yes","yes",9.19999980926514,9.68000030517578,1.09353005886078,"low","other" +"female","other",61.9799995422363,"yes","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","afam",47.1500015258789,"no","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"male","hispanic",55.25,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",53.1599998474121,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","afam",41.9900016784668,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","other",55.4099998474121,"yes","yes","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",65.5899963378906,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",52.2599983215332,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","hispanic",52.6599998474121,"no","no","no","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",56.0200004577637,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","afam",54.5999984741211,"yes","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"male","other",51.0499992370605,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"high","other" +"female","hispanic",47.2599983215332,"no","no","yes","no",11.8000001907349,10.8100004196167,1.12586998939514,"low","other" +"female","other",62.7200012207031,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",47.1699981689453,"no","yes","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",59.2299995422363,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",47.810001373291,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",58,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",56.5800018310547,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",43.0299987792969,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",52.1300010681152,"no","yes","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","other",61.2599983215332,"no","no","no","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","other",57.2799987792969,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"male","other",61.7200012207031,"yes","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"male","other",58.7900009155273,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","other",55.5299987792969,"no","yes","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","other",47.560001373291,"no","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.3600006103516,"yes","no","yes","no",10.8999996185303,10.2799997329712,0.931869983673096,"high","other" +"female","hispanic",52.6100006103516,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",55.5,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",64.1999969482422,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",60.8300018310547,"yes","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",56.560001373291,"yes","yes","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"female","other",40.4300003051758,"no","no","yes","no",11.1000003814697,12.1499996185303,1.16628003120422,"high","other" +"male","hispanic",51.4099998474121,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"low","other" +"male","hispanic",64.1600036621094,"yes","yes","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"high","other" +"male","other",41.810001373291,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"high","other" +"female","hispanic",50.9700012207031,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"low","other" +"male","other",43.7400016784668,"no","no","yes","no",5.30000019073486,11.0799999237061,0.893760025501251,"high","other" +"female","other",48.3499984741211,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"female","other",51.439998626709,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"high","other" +"male","other",56.0900001525879,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"high","other" +"female","other",45,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"female","other",47.6500015258789,"yes","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"male","other",61.3499984741211,"no","no","yes","no",6.5,9.76000022888184,0.484990000724792,"low","other" +"male","other",33.5800018310547,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"high","other" +"female","other",40.2900009155273,"yes","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","afam",46.6399993896484,"no","no","no","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",44.5,"no","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","other",66.5299987792969,"no","no","yes","no",6.19999980926514,9.96000003814697,1.4041600227356,"low","other" +"female","hispanic",49.9099998474121,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",37.25,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.689998626709,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",62.2299995422363,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",50.3699989318848,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",56.3199996948242,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",44.0999984741211,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",40.3699989318848,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"female","other",56.4000015258789,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",57.8499984741211,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","hispanic",45.3899993896484,"yes","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"high","other" +"male","other",67.5,"no","no","yes","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","afam",48.4599990844727,"no","no","no","no",8.69999980926514,10.2799997329712,0.931869983673096,"low","other" +"female","other",54.8800010681152,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",64.5500030517578,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",54.2000007629395,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","other",69.7600021362305,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"high","other" +"female","other",66.3899993896484,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",46.5800018310547,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"female","other",59.5,"no","no","yes","no",10.1000003814697,9.96000003814697,1.4041600227356,"low","other" +"male","afam",59.1300010681152,"no","yes","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",59.3199996948242,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.0499992370605,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",36.6599998474121,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",53.3499984741211,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","hispanic",55.939998626709,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"high","other" +"male","hispanic",45.689998626709,"no","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"male","other",63.5900001525879,"yes","no","yes","no",5.90000009536743,9.92000007629395,0.454970002174377,"low","other" +"female","other",57.939998626709,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","afam",54.9900016784668,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",49.5499992370605,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",62.0499992370605,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","hispanic",50.3300018310547,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",57.2200012207031,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",50.5900001525879,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",55.8199996948242,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",50.9199981689453,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",62.560001373291,"yes","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",54.9199981689453,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",53.5200004577637,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","other",58.6800003051758,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",48.5699996948242,"no","no","yes","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",56.7999992370605,"yes","yes","yes","yes",8,9.64000034332275,1.15242004394531,"high","other" +"male","afam",46.9599990844727,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",54.3300018310547,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",50.9599990844727,"no","no","no","yes",8,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",51.6399993896484,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","afam",58.9099998474121,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",60.1599998474121,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",45.8800010681152,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",43.0099983215332,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",45.4300003051758,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",57.5800018310547,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","afam",61.3899993896484,"yes","yes","no","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","hispanic",57.9099998474121,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","afam",68.6600036621094,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","afam",66.3099975585938,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",59.4700012207031,"no","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"male","other",58.7099990844727,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",53.060001373291,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",46.7299995422363,"yes","yes","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","afam",56.5900001525879,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"male","other",55.8699989318848,"yes","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"high","other" +"female","afam",48.5200004577637,"no","no","yes","no",13.8000001907349,12.1499996185303,1.16628003120422,"low","other" +"female","other",61.2599983215332,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",49.7000007629395,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","afam",52.3199996948242,"no","yes","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",39.8499984741211,"yes","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",54.3699989318848,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",44.1599998474121,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",51.8699989318848,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",52.0699996948242,"yes","no","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",55.5800018310547,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",51.3499984741211,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",59.25,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",39.9599990844727,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",41.6699981689453,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",38.8400001525879,"no","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",46.6100006103516,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",41.0800018310547,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",51.6100006103516,"yes","no","yes","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","afam",54.7400016784668,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","hispanic",51.8400001525879,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",56.1800003051758,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","hispanic",63.1599998474121,"no","no","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",60.2999992370605,"no","yes","yes","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","afam",57.1699981689453,"no","no","no","no",8,10.2799997329712,0.931869983673096,"low","other" +"female","other",48.5200004577637,"no","yes","no","no",8,10.2799997329712,0.931869983673096,"high","other" +"female","other",44.2999992370605,"yes","no","no","no",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",47.4599990844727,"yes","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"high","other" +"female","hispanic",55.4799995422363,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.9500007629395,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.9099998474121,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",43.9700012207031,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",53.7999992370605,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","other",53.8800010681152,"no","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",57.9900016784668,"yes","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","hispanic",42.8300018310547,"yes","no","yes","no",9.10000038146973,9.92000007629395,0.454970002174377,"low","other" +"female","afam",42.9900016784668,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","other",39.7400016784668,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",53.310001373291,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"female","hispanic",36.2299995422363,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",52.0400009155273,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",47.7400016784668,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","hispanic",57.2799987792969,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",48.3899993896484,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","afam",60.2400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",51.4700012207031,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","afam",51.2400016784668,"no","no","yes","yes",7.69999980926514,9.96000003814697,1.4041600227356,"low","other" +"male","other",60.6699981689453,"no","no","yes","yes",9.19999980926514,9.64000034332275,1.15242004394531,"low","other" +"male","other",61.3899993896484,"no","no","no","yes",9.19999980926514,9.64000034332275,1.15242004394531,"high","other" +"male","hispanic",53.1300010681152,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",57.1300010681152,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",61.4300003051758,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",57.7799987792969,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",68.8600006103516,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",54.75,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",60.560001373291,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",53.8499984741211,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",49.75,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",43.6500015258789,"yes","yes","no","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"male","hispanic",53.2700004577637,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",64.3899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",53.4099998474121,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",59.5499992370605,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",51.1199989318848,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",51.3300018310547,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",50.4300003051758,"no","yes","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.0099983215332,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",52.2999992370605,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",63.2099990844727,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",55.3499984741211,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",58.4700012207031,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",65.8499984741211,"yes","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",61,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",60.7200012207031,"no","no","no","no",10.6999998092651,10.039999961853,1.12702000141144,"high","other" +"female","hispanic",58.2900009155273,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","other",56.5400009155273,"no","no","yes","no",10.6999998092651,10.039999961853,1.12702000141144,"low","other" +"female","hispanic",51.0699996948242,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",57.1399993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",54.8400001525879,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",58.3499984741211,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",57.7200012207031,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",60.7299995422363,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",52.5499992370605,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",58.7099990844727,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",52.8800010681152,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","other",52.310001373291,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",64.129997253418,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",42.1399993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.7900009155273,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",51.6100006103516,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",57.8499984741211,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",61.2900009155273,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",52.2799987792969,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.5299987792969,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",40.9900016784668,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",54.0800018310547,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",62.9300003051758,"yes","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",50.5,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",49.9700012207031,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.4500007629395,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","afam",52.939998626709,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","other",56.8400001525879,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.4500007629395,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",48.8899993896484,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",56.9700012207031,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",49.4300003051758,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",49.8800010681152,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","other",59.7099990844727,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"male","hispanic",48.6100006103516,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",47.0200004577637,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",48.6199989318848,"yes","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",61.1199989318848,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",61.9000015258789,"yes","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"high","other" +"female","hispanic",48.8600006103516,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","hispanic",56.0299987792969,"no","no","no","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",53.7099990844727,"no","no","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",55.8699989318848,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"female","hispanic",54.2200012207031,"no","yes","yes","no",8.19999980926514,7.53999996185303,0.818710029125214,"low","other" +"male","other",65.129997253418,"yes","yes","yes","no",5.80000019073486,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",58.7999992370605,"no","no","yes","no",5.80000019073486,9.55000019073486,0.805999994277954,"high","west" +"male","other",62.9700012207031,"yes","no","yes","no",5.80000019073486,9.55000019073486,0.805999994277954,"high","west" +"male","other",58.939998626709,"yes","yes","no","no",5.80000019073486,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",53.9099998474121,"no","no","yes","no",4.40000009536743,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",48.25,"yes","no","yes","no",4.40000009536743,9.55000019073486,0.805999994277954,"low","west" +"male","other",63.1199989318848,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",46.8899993896484,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",46.6699981689453,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",56.6599998474121,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",45.9199981689453,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",44.310001373291,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",49.3499984741211,"yes","no","yes","yes",6.90000009536743,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",45.310001373291,"no","no","yes","yes",6.90000009536743,9.55000019073486,0.805999994277954,"low","west" +"female","other",67.4000015258789,"no","no","yes","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",47.8800010681152,"no","no","yes","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",38.9099998474121,"no","no","yes","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","hispanic",48.0999984741211,"no","no","no","yes",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",43.6399993896484,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"high","west" +"female","other",40.3600006103516,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",50.7799987792969,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",60.0499992370605,"no","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",45.3899993896484,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",63.1300010681152,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",49.0499992370605,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",51.7099990844727,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",58.7200012207031,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",53.5800018310547,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","other",50.25,"yes","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","hispanic",50.8600006103516,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"high","west" +"female","other",43.1699981689453,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"high","west" +"male","other",68.2200012207031,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",46.3300018310547,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",54.2599983215332,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",57.9000015258789,"yes","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"high","west" +"male","other",56.9599990844727,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",58,"no","no","yes","yes",7.30000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",43.6100006103516,"yes","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"high","west" +"male","other",57.3800010681152,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",53.560001373291,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"low","west" +"male","other",54.6800003051758,"yes","no","yes","no",5.30000019073486,9.5,0.547340035438538,"low","west" +"male","hispanic",43.6300010681152,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","hispanic",58.8800010681152,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",55.0900001525879,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","hispanic",41.2000007629395,"no","no","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"female","other",36.0699996948242,"no","no","no","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"male","other",54.310001373291,"no","no","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"male","other",42.4599990844727,"yes","no","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"male","other",58.5499992370605,"no","no","no","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"female","other",58.8400001525879,"yes","yes","yes","no",7.19999980926514,8.10000038146973,0.730949997901917,"low","west" +"female","hispanic",40.3800010681152,"no","no","no","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",45.8300018310547,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",60.3499984741211,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"male","other",46.2200012207031,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",56.8600006103516,"yes","yes","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",53.2400016784668,"yes","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",45.689998626709,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"high","west" +"female","other",49.9000015258789,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"female","other",56.0699996948242,"no","no","yes","no",6.09999990463257,8.10000038146973,0.730949997901917,"low","west" +"male","other",61.1599998474121,"no","no","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"low","west" +"female","other",46.060001373291,"yes","no","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"low","west" +"male","other",45.8699989318848,"no","yes","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",34.4799995422363,"no","no","yes","no",10.3000001907349,9.55000019073486,0.805999994277954,"low","west" +"female","other",60.7900009155273,"no","no","yes","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"female","other",50.0099983215332,"no","no","yes","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"female","other",54.060001373291,"yes","yes","no","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"male","other",57.7000007629395,"yes","no","yes","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"male","other",46.939998626709,"no","no","no","no",4.59999990463257,11.3699998855591,0.615469992160797,"low","west" +"male","other",37.2000007629395,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"male","other",41.3699989318848,"no","no","no","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",32.7599983215332,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"male","other",54.8899993896484,"no","no","no","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",34.7799987792969,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",38.0999984741211,"no","no","yes","no",16.2999992370605,8.40999984741211,0.692840039730072,"low","west" +"female","other",62.3300018310547,"yes","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"male","other",46.939998626709,"yes","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",41.5400009155273,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"low","west" +"female","other",61.4500007629395,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",42.8300018310547,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"low","west" +"male","other",45.7999992370605,"no","no","yes","no",5.90000009536743,8.31999969482422,0.495380014181137,"high","west" +"female","other",40.3199996948242,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",60.3199996948242,"yes","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",38.0200004577637,"no","no","no","no",7.69999980926514,9.55000019073486,0.805999994277954,"high","west" +"male","other",63.9199981689453,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",61.25,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",43.9799995422363,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",44.0499992370605,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",47.2700004577637,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",46.4599990844727,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",39.2099990844727,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",52.4199981689453,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",51.75,"no","no","no","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"male","other",45.8300018310547,"no","no","yes","no",7.69999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",50.7700004577637,"no","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","afam",39.4099998474121,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","hispanic",46.560001373291,"no","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"male","other",50.9900016784668,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"male","other",40.7700004577637,"no","no","yes","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","other",45.7400016784668,"no","no","no","no",6.80000019073486,10.1499996185303,0.831409990787506,"low","west" +"female","other",49.1800003051758,"no","no","yes","no",8.19999980926514,9.55000019073486,0.805999994277954,"low","west" +"female","other",51.9799995422363,"no","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",45.9599990844727,"no","yes","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"male","other",50.1500015258789,"no","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","other",53.2400016784668,"yes","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"high","west" +"male","other",64.4300003051758,"no","no","yes","no",6.80000019073486,11.3699998855591,0.615469992160797,"low","west" +"female","hispanic",44.0999984741211,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",48.1599998474121,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"female","other",45.0999984741211,"yes","yes","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",41.2000007629395,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","other",47.6100006103516,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","other",62.2599983215332,"no","yes","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"female","other",44.7299995422363,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","other",46.0900001525879,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"male","other",49.2700004577637,"no","yes","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"male","other",45.1100006103516,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"female","other",72.8099975585938,"no","yes","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",39.1699981689453,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",57.2099990844727,"yes","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"male","other",59.1599998474121,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",54.6399993896484,"no","yes","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",64.879997253418,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",51.8499984741211,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"male","other",46.1399993896484,"no","no","no","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",36.0800018310547,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"male","other",62.4700012207031,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"male","other",44.6399993896484,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",40.5299987792969,"yes","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",37.75,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"female","other",41.7999992370605,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"male","other",48.560001373291,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"low","west" +"male","other",67.5699996948242,"yes","yes","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"high","west" +"male","other",44.4799995422363,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"high","west" +"male","other",62.5900001525879,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"low","west" +"male","other",56.8699989318848,"yes","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"high","west" +"female","other",34,"no","no","yes","yes",8.10000038146973,12.960000038147,0.713630020618439,"low","west" +"female","other",41.2900009155273,"no","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",60.4900016784668,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",65.9199981689453,"no","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",61.4199981689453,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",48.0900001525879,"no","no","yes","no",8,12.960000038147,0.713630020618439,"high","west" +"female","other",54.75,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",53.6300010681152,"no","no","yes","no",8,12.960000038147,0.713630020618439,"high","west" +"female","other",59.5099983215332,"no","no","yes","no",8,12.960000038147,0.713630020618439,"low","west" +"female","other",51.25,"no","no","yes","yes",8,12.960000038147,0.713630020618439,"low","west" +"female","other",61.0999984741211,"no","no","yes","no",7,11.5600004196167,1.07737004756927,"low","west" +"male","other",42.5099983215332,"no","no","yes","no",7,11.5600004196167,1.07737004756927,"low","west" +"male","other",63.1100006103516,"no","no","yes","no",7,11.5600004196167,1.07737004756927,"low","west" +"male","other",62.2400016784668,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",47.0499992370605,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"female","other",54.4799995422363,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"female","other",58.8400001525879,"no","no","yes","no",5.5,11.5600004196167,1.07737004756927,"high","west" +"male","other",41.6399993896484,"no","no","no","no",5.5,11.5600004196167,1.07737004756927,"low","west" +"male","other",66.8300018310547,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",39.8499984741211,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"high","west" +"female","other",46.2799987792969,"no","yes","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",59.3899993896484,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",42.5699996948242,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",57.8300018310547,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",46.1399993896484,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",55.7000007629395,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"high","west" +"female","other",41.8800010681152,"no","no","yes","no",12.3999996185303,11.5600004196167,1.07737004756927,"low","west" +"female","other",37.0299987792969,"no","no","no","no",13.8000001907349,12.960000038147,0.713630020618439,"low","west" +"female","other",44.439998626709,"no","no","yes","no",13.8000001907349,12.960000038147,0.713630020618439,"high","west" +"male","other",64.5999984741211,"yes","no","yes","no",13.8000001907349,12.960000038147,0.713630020618439,"high","west" +"male","afam",58.9300003051758,"yes","yes","yes","yes",7,11.5600004196167,1.07737004756927,"high","west" +"male","other",61.9099998474121,"no","no","yes","yes",7,11.5600004196167,1.07737004756927,"high","west" +"female","other",59.4700012207031,"yes","yes","yes","yes",7,11.5600004196167,1.07737004756927,"low","west" +"female","other",59.5999984741211,"yes","yes","yes","yes",7,11.5600004196167,1.07737004756927,"high","west" +"female","other",53.9000015258789,"no","no","yes","yes",7,11.5600004196167,1.07737004756927,"low","west" +"female","other",38.3499984741211,"no","no","yes","no",10.1999998092651,12.960000038147,0.713630020618439,"low","west" +"female","other",47.2099990844727,"yes","no","yes","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"female","other",49.7299995422363,"no","no","yes","no",7.19999980926514,12.960000038147,0.713630020618439,"high","west" +"female","other",44.1800003051758,"no","no","yes","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"male","other",59.5499992370605,"no","no","no","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"male","other",48.1100006103516,"no","no","no","no",7.19999980926514,12.960000038147,0.713630020618439,"low","west" +"female","other",49.4700012207031,"no","no","yes","no",10.8999996185303,11.5600004196167,1.07737004756927,"high","west" +"male","other",45.9000015258789,"no","no","yes","no",10.8999996185303,11.5600004196167,1.07737004756927,"low","west" +"male","other",46.7799987792969,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",50.5800018310547,"yes","no","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",52.5800018310547,"no","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",43.4000015258789,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",62.5699996948242,"no","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",57.5999984741211,"yes","no","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",47.8300018310547,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",45.560001373291,"no","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",45.2200012207031,"yes","no","yes","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"female","other",43.1399993896484,"no","no","no","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"male","other",61.4799995422363,"no","no","yes","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"male","other",52.060001373291,"no","no","yes","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"male","other",57.6100006103516,"no","no","no","no",7.59999990463257,11.5600004196167,1.07737004756927,"low","west" +"female","other",58.9300003051758,"yes","yes","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",57.5299987792969,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",59.9599990844727,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",53.5499992370605,"no","no","no","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",50.8699989318848,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",58.6500015258789,"no","no","yes","no",7.59999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",45.7700004577637,"no","no","yes","no",10.6999998092651,11.5600004196167,1.07737004756927,"low","west" +"male","other",51.7599983215332,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",45.5200004577637,"no","no","no","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.8699989318848,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.2400016784668,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.25,"yes","yes","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",56,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.3800010681152,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",55.189998626709,"no","no","yes","yes",6.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.0200004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",37.8300018310547,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.939998626709,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",42.7900009155273,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",39.7900009155273,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.6399993896484,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",49.5499992370605,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",60.5699996948242,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.8899993896484,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.2200012207031,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",58.8199996948242,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",70.6999969482422,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.9000015258789,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.2099990844727,"yes","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.310001373291,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",49.060001373291,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",36.6100006103516,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.5200004577637,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.25,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.6800003051758,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.0499992370605,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.189998626709,"yes","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.4799995422363,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",36.9500007629395,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.9900016784668,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",52.8899993896484,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.8600006103516,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",49.2200012207031,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",49.0699996948242,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.5,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",49.7400016784668,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.6599998474121,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.5499992370605,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",55.310001373291,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",49.9099998474121,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.3300018310547,"yes","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.1699981689453,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.4500007629395,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.5999984741211,"yes","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",57.189998626709,"no","yes","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",52.8400001525879,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.3499984741211,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.2700004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",50.1500015258789,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",45.7099990844727,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",35.2700004577637,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.1699981689453,"yes","yes","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.0699996948242,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.5,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.5299987792969,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",45.3199996948242,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",66.3499984741211,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",60.939998626709,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",47.8400001525879,"no","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.6599998474121,"yes","no","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.0999984741211,"yes","yes","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",60.4099998474121,"yes","yes","yes","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.2099990844727,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.6100006103516,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.8499984741211,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.3899993896484,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",56.8400001525879,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",46.939998626709,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",41.4500007629395,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.2400016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.4700012207031,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.8199996948242,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.2599983215332,"no","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",55.5400009155273,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","afam",62.8499984741211,"yes","no","no","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.4599990844727,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.7000007629395,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.2599983215332,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",51.4500007629395,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.7099990844727,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",46.9900016784668,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","afam",51.3400001525879,"no","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.5999984741211,"yes","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.9700012207031,"yes","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",45.4700012207031,"no","no","no","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.0499992370605,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.1500015258789,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",40.2999992370605,"yes","yes","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",67.5800018310547,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.5499992370605,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",44.8499984741211,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.4599990844727,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.9500007629395,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",45.6800003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",43.6399993896484,"no","no","no","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",40.5499992370605,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",50.7299995422363,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",33.9300003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.6500015258789,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",61.310001373291,"yes","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",44.2700004577637,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.7299995422363,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",48.25,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",70.5599975585938,"yes","yes","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",58.8199996948242,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.3199996948242,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.2599983215332,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",56.5,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",46.4500007629395,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",70.5599975585938,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",50.1500015258789,"no","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.3499984741211,"no","yes","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.7999992370605,"no","yes","no","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.189998626709,"no","no","yes","no",5.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.6800003051758,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",39.3899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.7400016784668,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",45.8499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",45.2099990844727,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.6699981689453,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.9000015258789,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",64.1699981689453,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.1800003051758,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.9900016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",40.3199996948242,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.7099990844727,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.4099998474121,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.6300010681152,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.5699996948242,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.7000007629395,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",51.7200012207031,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.0299987792969,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",41.0900001525879,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","afam",50.2799987792969,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",63.7900009155273,"no","no","no","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.2700004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",62.2299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.4599990844727,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",46.6399993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",33.5200004577637,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.2400016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.0200004577637,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.7400016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",44.3600006103516,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.7000007629395,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",37.9500007629395,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.5699996948242,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.689998626709,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.310001373291,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.8499984741211,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.4799995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.7700004577637,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.6100006103516,"yes","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",48.5499992370605,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",48.9099998474121,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.1399993896484,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.7900009155273,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.7400016784668,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.7400016784668,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.5200004577637,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",44.8600006103516,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",60.5099983215332,"yes","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.6300010681152,"yes","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",62.8300018310547,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",54.939998626709,"yes","no","no","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",45.5800018310547,"no","no","no","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.5200004577637,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.3199996948242,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.939998626709,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",41.3699989318848,"no","no","no","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",47.1399993896484,"no","no","yes","no",6.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.9099998474121,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.9599990844727,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","other",63.2400016784668,"yes","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.7200012207031,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.1199989318848,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",60.2400016784668,"yes","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",43.2599983215332,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",46.6300010681152,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",61.7900009155273,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.1399993896484,"yes","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",43.5299987792969,"no","no","yes","no",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.9900016784668,"yes","yes","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",46.3800010681152,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",53.2700004577637,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",62.7599983215332,"no","no","no","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.9700012207031,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.0299987792969,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",61.5999984741211,"no","no","yes","no",5.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.9500007629395,"yes","yes","no","no",5.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.7700004577637,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",42.8400001525879,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.2599983215332,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",47.2900009155273,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.5200004577637,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",42.4799995422363,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.1500015258789,"no","no","no","no",10.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.2200012207031,"no","yes","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.7299995422363,"no","no","yes","no",10.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.6800003051758,"yes","no","no","no",10.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"female","afam",59.3400001525879,"no","no","no","no",5.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.0400009155273,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.4700012207031,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",45.1100006103516,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.0400009155273,"no","no","yes","no",13.1000003814697,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.0400009155273,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",66.379997253418,"yes","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",60.0999984741211,"yes","yes","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.5400009155273,"yes","yes","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",55.4099998474121,"yes","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",50.5,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",44.4900016784668,"yes","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.6699981689453,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.310001373291,"no","no","yes","no",9.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",50.1300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",37.3499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",35.6599998474121,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",58.8199996948242,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",48.939998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.0999984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.7200012207031,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.6199989318848,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",43.75,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",59.0099983215332,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.0900001525879,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.560001373291,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",38.7700004577637,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.3800010681152,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.2400016784668,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",42.0999984741211,"no","no","yes","yes",10.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","other",52.5299987792969,"no","no","yes","yes",10.8999996185303,8.89000034332275,0.257510006427765,"high","west" +"female","afam",36.1800003051758,"no","no","no","yes",10.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"female","other",35.5,"no","no","no","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",48.5699996948242,"no","no","yes","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.9300003051758,"no","no","yes","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",59.810001373291,"no","no","yes","yes",6.40000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","other",50.5999984741211,"yes","yes","no","no",6.40000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",42.0699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.1500015258789,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.5200004577637,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.7700004577637,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",47.4099998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.439998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.8800010681152,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",51.25,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.9199981689453,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",61.4300003051758,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",63.5699996948242,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.8600006103516,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.7799987792969,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",35.6599998474121,"yes","yes","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.9300003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.1800003051758,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.0999984741211,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.6599998474121,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",60.939998626709,"no","no","yes","no",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",43.2999992370605,"no","no","yes","no",8,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",47.3699989318848,"no","yes","no","no",8,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",50.7799987792969,"no","no","yes","no",8,8.89000034332275,0.257510006427765,"high","west" +"male","other",62.6399993896484,"no","no","yes","no",8,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.7099990844727,"yes","no","yes","no",8,8.89000034332275,0.257510006427765,"high","west" +"female","other",50.0299987792969,"yes","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",59.3899993896484,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.0800018310547,"no","no","no","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.3499984741211,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",43.9199981689453,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",56.6199989318848,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","afam",34.1800003051758,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","afam",43.6500015258789,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",50.2299995422363,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","afam",41.8499984741211,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",40.5699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",34.5,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.9900016784668,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.7700004577637,"no","no","no","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.1100006103516,"yes","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",59.7999992370605,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.7799987792969,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",62.3899993896484,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.3300018310547,"no","yes","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.9500007629395,"no","no","yes","no",12.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.7700004577637,"yes","no","yes","no",12.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","afam",32.4599990844727,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",43.7700004577637,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",37.810001373291,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",45.2200012207031,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",52.0200004577637,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.2799987792969,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",35.189998626709,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",44.9099998474121,"no","no","no","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.1399993896484,"yes","yes","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",55.0099983215332,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.4500007629395,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","afam",43.8600006103516,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","afam",34.0800018310547,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",46.6800003051758,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","afam",44.689998626709,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",36.2700004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.2799987792969,"yes","yes","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.75,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.9000015258789,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",50.5200004577637,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.75,"no","yes","yes","no",9,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.8699989318848,"no","yes","yes","yes",7.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",37.1199989318848,"no","no","yes","yes",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.1599998474121,"no","no","yes","yes",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.0200004577637,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",45.3899993896484,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.3699989318848,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.689998626709,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",63.2599983215332,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",39.9099998474121,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",49.5099983215332,"no","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",38.0200004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",50.0900001525879,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","afam",40.9300003051758,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.5200004577637,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.4900016784668,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",35.7700004577637,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.4300003051758,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.9599990844727,"no","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",44.8800010681152,"no","no","no","yes",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",63.0699996948242,"no","yes","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","other",61.2900009155273,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",38.9900016784668,"no","no","no","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.5800018310547,"no","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","other",41.5699996948242,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"female","other",37.310001373291,"no","no","no","no",3.90000009536743,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.7000007629395,"yes","no","yes","no",3.90000009536743,8.89000034332275,0.257510006427765,"high","west" +"female","afam",51.7099990844727,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",64.1699981689453,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",56.0900001525879,"yes","yes","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.1699981689453,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","other",50.8300018310547,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",34.689998626709,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",45.5200004577637,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",64.75,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.5099983215332,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.1500015258789,"no","no","no","no",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",48.9300003051758,"no","no","yes","no",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",43.0299987792969,"no","no","yes","no",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","other",60.4500007629395,"yes","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"high","west" +"female","hispanic",39.2999992370605,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",47.9000015258789,"no","no","yes","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"female","afam",43.6399993896484,"no","no","no","no",11.8999996185303,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",52.0200004577637,"no","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",45.5099983215332,"no","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",46.6100006103516,"no","yes","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",47.5999984741211,"yes","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",52.8199996948242,"no","no","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",58.4799995422363,"no","yes","yes","no",8.89999961853027,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",42.439998626709,"no","yes","no","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",45.8499984741211,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",35.9599990844727,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","other",40.310001373291,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"high","west" +"female","hispanic",39.5900001525879,"no","no","no","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"male","hispanic",38.9000015258789,"no","no","no","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",45.25,"no","no","yes","yes",5.59999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",40.4300003051758,"no","no","no","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",39.9599990844727,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",51.5400009155273,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",42.0699996948242,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"high","west" +"female","hispanic",36.9199981689453,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",49.9599990844727,"no","no","yes","no",12.3000001907349,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",40.6100006103516,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"high","west" +"female","hispanic",37.8199996948242,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",52.5900001525879,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",60.0699996948242,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",62.1399993896484,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","other",54.560001373291,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",38.2799987792969,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",46.060001373291,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",52.3499984741211,"no","no","no","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",39.25,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",37.439998626709,"no","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.8699989318848,"yes","no","yes","no",8.10000038146973,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",50.4099998474121,"no","no","yes","no",5.90000009536743,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",51.9599990844727,"no","yes","yes","no",6.30000019073486,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",56.2200012207031,"no","no","yes","no",6.30000019073486,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",51.7099990844727,"no","no","yes","no",6.30000019073486,8.31999969482422,0.495380014181137,"high","west" +"male","hispanic",36.4900016784668,"no","no","no","no",7.09999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","other",48.2000007629395,"no","no","yes","no",7.09999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",42.3800010681152,"no","no","yes","no",7.09999990463257,9.55000019073486,0.805999994277954,"low","west" +"female","hispanic",58.0200004577637,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","other",45.4199981689453,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",55.25,"yes","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"high","west" +"female","hispanic",49.8899993896484,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",37.0699996948242,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"male","other",61.6399993896484,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","other",54.4500007629395,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",56.7099990844727,"no","no","no","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",58.6800003051758,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",59.1199989318848,"yes","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.2799987792969,"no","no","yes","no",11.6000003814697,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",45.189998626709,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",48.5999984741211,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",47.8699989318848,"yes","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","other",47.8699989318848,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",38.310001373291,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",39,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",54.5499992370605,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",44.3300018310547,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",51.2999992370605,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",48.4000015258789,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","other",40.9099998474121,"no","no","no","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",51.9700012207031,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",44.8300018310547,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","other",48.4099998474121,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",45.2700004577637,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","other",50.8499984741211,"no","no","no","no",8,8.40999984741211,0.692840039730072,"high","west" +"male","hispanic",47.7799987792969,"yes","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","other",59.4599990844727,"yes","yes","yes","no",8,8.40999984741211,0.692840039730072,"high","west" +"female","hispanic",46.7000007629395,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",43.4099998474121,"no","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","other",59.4199981689453,"yes","no","yes","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",51.0400009155273,"no","no","no","no",8,8.40999984741211,0.692840039730072,"low","west" +"male","other",62.2099990844727,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"male","other",45.310001373291,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","afam",33.5800018310547,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","other",48.4700012207031,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"male","other",52.4099998474121,"yes","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",56.0800018310547,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",39.0299987792969,"no","no","yes","yes",6.09999990463257,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",39.7700004577637,"yes","no","no","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",41.1300010681152,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",45.5999984741211,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.7200012207031,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",40.4500007629395,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"high","west" +"female","hispanic",44.6300010681152,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",48.6100006103516,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","other",46,"no","no","yes","no",11.1999998092651,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",45.4599990844727,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",43.0099983215332,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",37.9599990844727,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",51.7099990844727,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"male","hispanic",39.6100006103516,"no","no","no","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",46.6599998474121,"no","no","yes","no",12.3000001907349,8.31999969482422,0.495380014181137,"low","west" +"female","hispanic",43.3499984741211,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"male","hispanic",39.2999992370605,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",43.6399993896484,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"female","hispanic",42.6100006103516,"no","no","yes","no",6.80000019073486,8.40999984741211,0.692840039730072,"low","west" +"female","other",55.0900001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",55.6199989318848,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.7299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",41,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",37.0400009155273,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",56.8199996948242,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",65.0400009155273,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",55.3899993896484,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",52.0699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",54.9599990844727,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.9199981689453,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",51.4900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",54.2599983215332,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",36.2299995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",49.0800018310547,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",46.9300003051758,"no","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",47.4300003051758,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.8600006103516,"yes","yes","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.9100036621094,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.4700012207031,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.6199989318848,"no","yes","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","afam",46.9599990844727,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.4799995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",48.4799995422363,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.5,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.2000007629395,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.3899993896484,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",45.8400001525879,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",44.9199981689453,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",50.4700012207031,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.7000007629395,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",60.7099990844727,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.1199989318848,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",50.4300003051758,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.9199981689453,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.8499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",54.8400001525879,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.5699996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.5299987792969,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.0200004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53.3800010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",62.6599998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",47.8300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",52.4700012207031,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",53.2400016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",41.5800018310547,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",43.1199989318848,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",37.7700004577637,"no","no","no","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.189998626709,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.6300010681152,"yes","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",37.3300018310547,"no","no","yes","yes",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.060001373291,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","afam",42.5900001525879,"yes","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",50.7299995422363,"no","no","no","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.8899993896484,"no","no","yes","yes",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",55.9000015258789,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.9700012207031,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",59.560001373291,"no","no","no","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.0099983215332,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",46,"yes","yes","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",46.7700004577637,"yes","yes","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.9300003051758,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","afam",46.2000007629395,"no","no","yes","yes",4.30000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","afam",59.3600006103516,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",55.4900016784668,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",54.8199996948242,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",39.8199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",55.2799987792969,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",56.0200004577637,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.8400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.6500015258789,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",53.310001373291,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",32.8400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.6100006103516,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",44.689998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",43.8499984741211,"yes","yes","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.5900001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",49.3499984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",32.7400016784668,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.2200012207031,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",59.6300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",51.1100006103516,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","afam",46.560001373291,"no","yes","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.7999992370605,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.0200004577637,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.2900009155273,"no","no","no","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.1199989318848,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","afam",34.7799987792969,"no","yes","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","afam",38.4000015258789,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",36.4500007629395,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",62.560001373291,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.25,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",57.3899993896484,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",40.9000015258789,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.189998626709,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",41.3400001525879,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","afam",37.9500007629395,"yes","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",31.8199996948242,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.5099983215332,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.7900009155273,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.8899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",47.1500015258789,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58.6199989318848,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.75,"no","yes","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",40.560001373291,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",47.2299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",43.6399993896484,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",53.0099983215332,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",42.6300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",38.9500007629395,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",49.4500007629395,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58.6800003051758,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",38.8499984741211,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.0499992370605,"no","no","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",41.5299987792969,"no","no","no","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.9799995422363,"no","no","no","no",9.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.0200004577637,"yes","yes","yes","no",9.80000019073486,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.9500007629395,"no","no","no","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",68.3600006103516,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.3899993896484,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",41.4000015258789,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.4799995422363,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",61.1599998474121,"no","no","yes","no",9,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53.3600006103516,"no","no","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",64.6699981689453,"no","no","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.2900009155273,"no","no","no","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.9900016784668,"no","no","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",60.2700004577637,"no","yes","yes","no",7.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",44.7799987792969,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",52.7599983215332,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",34.6199989318848,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",60.3199996948242,"yes","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",39.9199981689453,"no","no","no","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",42.4599990844727,"no","no","no","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",60.0400009155273,"no","no","yes","no",6.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.810001373291,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",58.189998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",38.3300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",38.8899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.4799995422363,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",45.5999984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.5999984741211,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.3300018310547,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",37.1599998474121,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",48.2200012207031,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.2400016784668,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",55.7299995422363,"yes","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",62.2799987792969,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",33.7400016784668,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",37.5299987792969,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",43.3600006103516,"no","no","no","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.3600006103516,"no","no","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",48.7400016784668,"yes","yes","yes","no",8.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",40.0400009155273,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.060001373291,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",49.5,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.3699989318848,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","other",62.0699996948242,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"high","west" +"female","hispanic",40.8400001525879,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"male","other",54.189998626709,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","hispanic",54.4900016784668,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","hispanic",39.3199996948242,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"male","hispanic",52.2900009155273,"no","no","yes","no",10.5,12.960000038147,0.713630020618439,"low","west" +"female","hispanic",46.0099983215332,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.2900009155273,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",35.1800003051758,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",54.4900016784668,"no","no","yes","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.5400009155273,"no","no","no","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",63.9500007629395,"no","no","yes","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",55.6800003051758,"no","no","yes","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.189998626709,"yes","no","no","no",22.2999992370605,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",37.8300018310547,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",54.810001373291,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",48.5800018310547,"no","yes","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",54.810001373291,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",61.7599983215332,"no","no","yes","yes",10.8999996185303,8.89000034332275,0.257510006427765,"low","west" +"male","other",66.1699981689453,"yes","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",67.3199996948242,"yes","no","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.8800010681152,"yes","no","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.75,"yes","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",66.6600036621094,"yes","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",40.75,"yes","yes","no","no",4.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","afam",32.1399993896484,"no","yes","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.9000015258789,"yes","no","yes","no",4.69999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.3300018310547,"no","no","no","yes",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",55.8300018310547,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",52.8600006103516,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",56.0999984741211,"yes","no","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",53.2200012207031,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",58.5,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",62.6500015258789,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",48.75,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"male","other",60.2400016784668,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",63.1399993896484,"yes","yes","no","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",61.5099983215332,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","other",64.9700012207031,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"male","afam",53.0400009155273,"yes","yes","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",53.5,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"high","west" +"female","other",58.3499984741211,"yes","no","yes","no",6.09999990463257,12.960000038147,0.713630020618439,"low","west" +"female","other",59.5,"yes","yes","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",43.6199989318848,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.9099998474121,"yes","no","yes","yes",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",58.060001373291,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",66.1999969482422,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",41.2200012207031,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.1699981689453,"yes","yes","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.6399993896484,"no","no","no","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",51.2700004577637,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.3800010681152,"yes","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","afam",47.2700004577637,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"female","other",57.2999992370605,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",41.6399993896484,"no","no","yes","no",8.19999980926514,8.89000034332275,0.257510006427765,"high","west" +"male","other",49.8400001525879,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",59.0299987792969,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",54.0800018310547,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",56.5999984741211,"yes","no","no","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",44.060001373291,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",47.0900001525879,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.2000007629395,"no","no","yes","no",7.69999980926514,8.89000034332275,0.257510006427765,"low","west" +"male","other",60.4700012207031,"no","no","yes","no",10.6999998092651,11.5600004196167,1.07737004756927,"low","west" +"male","other",54.3800010681152,"no","no","yes","no",10.6999998092651,11.5600004196167,1.07737004756927,"low","west" +"female","other",45.9199981689453,"no","yes","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",63.0900001525879,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.0699996948242,"yes","yes","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",56.3800010681152,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",52.7200012207031,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",65.129997253418,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",51.3800010681152,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",43.1500015258789,"no","no","yes","no",7.09999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",57.8199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",47.8199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",48.4900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",49.7299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",52.1399993896484,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",53.4099998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",49.3499984741211,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",57.5,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",42.9000015258789,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",57.3699989318848,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",59.9799995422363,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",57.2900009155273,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",44.6399993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.1300010681152,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.9599990844727,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.8899993896484,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.75,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",46.3400001525879,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",61.75,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",37.0900001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.2299995422363,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.1699981689453,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",50.5499992370605,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",53.3300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",43.7200012207031,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",54.6199989318848,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",48.3400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.9900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",51.939998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",56.0200004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",39.8699989318848,"yes","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",48.4900016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","afam",69.9000015258789,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",53.5800018310547,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",47.060001373291,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.1599998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","other",61.0400009155273,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","hispanic",68.4400024414062,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",61.0299987792969,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",46.9099998474121,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",40.7099990844727,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",40.5999984741211,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.189998626709,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","other",51.7299995422363,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",52.0099983215332,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",52.7599983215332,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",57.1599998474121,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",53.5,"no","no","no","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"male","afam",66.5199966430664,"no","no","yes","no",6.80000019073486,8.89000034332275,0.257510006427765,"low","west" +"female","other",69.3199996948242,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","hispanic",55.6199989318848,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",66.3099975585938,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",46.9099998474121,"no","no","no","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",57.4199981689453,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",44.9700012207031,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",42.0800018310547,"yes","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",49.2400016784668,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"male","hispanic",51.689998626709,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",57.3400001525879,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",67.1800003051758,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","hispanic",58.1599998474121,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"low","west" +"female","other",58.439998626709,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",49.25,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",50.8300018310547,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"female","other",59.2900009155273,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",56.5299987792969,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",59.7700004577637,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","other",43.1699981689453,"no","no","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",49.9700012207031,"yes","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" +"male","afam",53.4099998474121,"no","yes","yes","no",6.59999990463257,8.89000034332275,0.257510006427765,"high","west" diff --git a/src/ICP/Test/X3small.csv b/src/ICP/Test/X3small.csv new file mode 100644 index 00000000..ac1dae1e --- /dev/null +++ b/src/ICP/Test/X3small.csv @@ -0,0 +1,100 @@ +"gender","ethnicity","score","fcollege","mcollege","home","urban","unemp","wage","tuition","income","region" +"male","other",39.1500015258789,"yes","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",48.8699989318848,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"male","other",48.7400016784668,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"male","afam",40.4000015258789,"no","no","yes","yes",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",40.4799995422363,"no","no","no","yes",5.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"male","other",54.7099990844727,"no","no","yes","yes",5.59999990463257,8.09000015258789,0.889150023460388,"low","other" +"female","other",56.0699996948242,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",54.8499984741211,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",64.7399978637695,"yes","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",56.060001373291,"no","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"low","other" +"female","other",42.2200012207031,"no","no","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","afam",61.1800003051758,"no","yes","yes","yes",5.90000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.8499984741211,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",58.7700004577637,"yes","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","afam",53.7200012207031,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"male","other",61.5200004577637,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",52.5299987792969,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",45.0099983215332,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",57.7099990844727,"no","no","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"low","other" +"female","other",59.3600006103516,"yes","yes","yes","no",7.19999980926514,8.85000038146973,0.84987998008728,"high","other" +"female","other",50.9300003051758,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",59.560001373291,"yes","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",58.4599990844727,"yes","yes","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",55.7000007629395,"no","no","no","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",60.810001373291,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","afam",40.5999984741211,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",49.9900016784668,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",59.689998626709,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",60.3300018310547,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",60.1399993896484,"yes","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",68.5800018310547,"yes","yes","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"female","other",42.6100006103516,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",58.6599998474121,"yes","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"high","other" +"male","other",58.1399993896484,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"female","other",58.9500007629395,"no","no","yes","yes",5.09999990463257,8.85000038146973,0.84987998008728,"low","other" +"male","other",49.3699989318848,"no","no","yes","yes",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",47.25,"no","yes","no","yes",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",61.0299987792969,"yes","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"male","other",54.3499984741211,"no","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",68.120002746582,"yes","yes","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"male","other",70.0999984741211,"yes","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.6100006103516,"no","no","no","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.5699996948242,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.1100006103516,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",39.4099998474121,"no","no","yes","no",6.19999980926514,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.9799995422363,"yes","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"high","other" +"female","afam",41.5900001525879,"yes","yes","no","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",55.3199996948242,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","hispanic",42.2299995422363,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",62,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","hispanic",49.6500015258789,"no","no","no","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",44.9599990844727,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",37.310001373291,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",39.8699989318848,"no","no","yes","no",7.19999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",56.439998626709,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","afam",42.6500015258789,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",60.0499992370605,"yes","yes","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"female","other",38.3199996948242,"no","no","no","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"female","other",65.870002746582,"yes","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"high","other" +"male","other",44.6500015258789,"no","no","yes","no",5.40000009536743,8.85000038146973,0.84987998008728,"low","other" +"male","other",57.7400016784668,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",60.3800010681152,"yes","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",62.7700004577637,"no","no","no","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",59.7299995422363,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.060001373291,"yes","no","yes","no",5.5,8.09000015258789,0.889150023460388,"high","other" +"female","other",58.0200004577637,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",54.7400016784668,"no","no","yes","no",5.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",46.2799987792969,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"low","other" +"female","other",60.4000015258789,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"low","other" +"male","other",53.2099990844727,"no","no","yes","no",6.90000009536743,7.03999996185303,0.902999997138977,"high","other" +"female","other",60.9300003051758,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.439998626709,"no","no","yes","no",6.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",45.310001373291,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"male","other",60.2200012207031,"yes","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",56.4199981689453,"no","no","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"low","other" +"female","other",62.2700004577637,"no","yes","yes","no",7.69999980926514,7.03999996185303,0.902999997138977,"high","other" +"male","other",51.8400001525879,"yes","yes","no","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",57.5499992370605,"no","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"female","other",57.6199989318848,"yes","no","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",57.5,"no","yes","yes","no",4.40000009536743,8.09000015258789,0.889150023460388,"high","other" +"male","other",65.3099975585938,"yes","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"male","other",50.6199989318848,"yes","no","yes","no",7.5,8.09000015258789,0.889150023460388,"high","other" +"male","other",51.2299995422363,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",53.5499992370605,"no","no","no","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",48.5200004577637,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",43.4099998474121,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",57.5,"no","no","yes","no",7.5,8.09000015258789,0.889150023460388,"low","other" +"female","other",51.3199996948242,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",36.3699989318848,"no","no","no","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",43.7999992370605,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",45.1399993896484,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"high","other" +"female","other",63.2599983215332,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",51.3199996948242,"yes","yes","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"male","other",44.2299995422363,"no","no","yes","no",5.90000009536743,7.09000015258789,1.38568007946014,"low","other" +"female","other",42.9300003051758,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"high","other" +"female","other",47.5999984741211,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"male","other",56.4700012207031,"yes","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"high","other" +"male","other",64.6900024414062,"no","no","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" +"female","other",62.3499984741211,"yes","yes","yes","no",5.30000019073486,8.09000015258789,0.889150023460388,"low","other" \ No newline at end of file diff --git a/src/ICP/Test/Xexample1.csv b/src/ICP/Test/Xexample1.csv new file mode 100644 index 00000000..a20b899e --- /dev/null +++ b/src/ICP/Test/Xexample1.csv @@ -0,0 +1,1001 @@ +"X" +4.75956916670207 +3.31830643471971 +5.56128832679451 +4.32752064255995 +3.43299656416645 +5.7903109796708 +2.62340740767833 +6.1879559067753 +4.25968233008306 +3.39354800920282 +2.94769941697213 +4.15610759703009 +5.2967900549391 +7.03700387097875 +4.5440891912861 +4.29637648392928 +5.01051612203163 +6.85932043110455 +5.585521605314 +6.03637170405286 +4.81059520442301 +3.58911059604023 +6.9465916656711 +4.50875200429169 +4.68819437187883 +4.08104437626308 +5.18175420174569 +5.82559971351784 +3.7720657986163 +5.78529866503935 +4.83153451532679 +5.26747100234236 +4.02264846539828 +3.44485382055846 +5.04686549558896 +3.8246821935756 +4.9892607037906 +2.88091571050374 +5.20361740119573 +2.78056427836375 +7.80023322392745 +4.82469149682422 +2.61097232928498 +6.13837752568633 +4.5995047613052 +4.3098001607268 +7.3102421107588 +3.20283380456616 +4.39249559426202 +3.54647999500297 +2.157423817166 +5.94742942062712 +1.64060608168305 +6.16151422467897 +4.47485237843046 +5.07198542951154 +3.99863144800397 +5.86131655701212 +4.68524496265323 +5.99357255998488 +3.34094157100811 +5.94143385779977 +2.38040175402894 +3.31624235392341 +5.55117460972089 +3.39769888190787 +5.52859738683688 +5.69320802378699 +3.98532360618584 +4.60055673931535 +4.20315630749327 +2.70462499107413 +3.63115557053163 +4.20758856525069 +5.04667116075536 +4.03781167914535 +3.72537580639656 +1.96227722124243 +4.06897371649657 +4.89900826534831 +5.60646409806664 +3.23083238047114 +6.91136073695252 +2.88832110695865 +3.3275001164655 +2.69398247872631 +4.03878214420263 +3.42432850634958 +3.73580151548797 +4.35859051412223 +5.26053676327837 +3.61930000242177 +3.4237316450138 +6.17666013682279 +4.75432231289137 +4.53377560592053 +5.2742920189496 +4.25049960916801 +6.01711733248117 +4.63074204617432 +8.29143154714383 +4.47887307461254 +4.39499627335818 +4.25772001590023 +4.41292241270564 +5.04375295359534 +6.32296532696937 +3.15137845488243 +5.58120310546051 +4.77031936722816 +6.28511225954541 +5.85528189985229 +5.18040979166681 +5.02845380016465 +3.16213041433532 +4.7071810031545 +3.4208600024754 +3.97617236896651 +3.38500572897486 +4.45859684099077 +4.4935250578786 +3.2604474416039 +4.00276335053605 +3.77525415164622 +2.27167883198408 +6.64541029403113 +4.40252817922512 +2.15567743040948 +4.5754868370987 +4.56388213974228 +3.85019565086388 +3.25739839916284 +5.81587131588945 +4.36714210282744 +5.03067682550226 +4.92160752130242 +6.65305573754267 +4.20799514128929 +6.7643796146323 +3.9586017251161 +4.01972798429795 +7.59502559710787 +5.38314592993295 +4.55916554042868 +5.01339169706267 +5.50585538828377 +3.19822409830573 +1.84749093254594 +5.29861941535543 +2.53093538040353 +2.54814132586269 +3.02878516914846 +5.31756655405647 +4.89444092619399 +4.15692338568553 +6.8893955911656 +4.62095271591411 +6.09254264838562 +2.51795386784197 +5.23191035630814 +4.25225537001426 +4.6202138609854 +3.13938804886659 +3.60338467492251 +3.76523634394234 +3.85346163394561 +3.81904839235747 +3.45836267896713 +4.8565914450285 +4.78606105687155 +3.15287279559641 +4.19688321688164 +3.92617469760756 +4.60947087482598 +4.17509198158473 +3.49620496534908 +5.68850022908218 +5.20355967717112 +6.45304800566197 +4.04529849150495 +4.6265272923582 +4.82400931288051 +5.14912528972462 +1.09867291182402 +4.2212075436061 +6.11866292331786 +2.3017225514858 +4.29300919102187 +2.94445571718077 +4.3853510848343 +4.919692575152 +4.17230548121022 +4.71169542882244 +4.22131281249459 +7.55107505030381 +5.94635511762989 +6.44035521577667 +3.06711116207749 +6.55987670977302 +4.36632294415892 +5.40521079482473 +5.51891361771365 +2.10742714407301 +5.77550002619499 +5.5560415775188 +4.97271671121828 +2.37858482117094 +2.96538735693788 +5.60966919928596 +5.21354483530539 +5.35699615364408 +4.32908900614405 +3.75636582466252 +5.56725516649322 +3.61805354625193 +5.36088537664927 +3.11427135996703 +5.04459282147485 +5.3842574774588 +5.26486249006589 +5.97036722359034 +3.98053269831269 +2.931772823443 +3.78416300076994 +3.70514202829684 +4.03458080162707 +3.65629418632661 +5.61112840860663 +1.71062111283646 +3.76911202512587 +5.11378658234964 +2.98056319577045 +6.94027206432406 +4.89065877206207 +4.91384132580649 +4.80410324418179 +3.17927481444021 +4.41439807470892 +5.39186167365296 +5.48753858976713 +2.64629494425317 +5.21761731663941 +4.47075118113771 +3.72928509030059 +3.59457174400186 +5.89527219323324 +4.14132809406935 +2.37747124415727 +6.39663452190458 +3.65110216051354 +3.92285291374434 +6.57030204684118 +4.24922723309512 +5.6350625130294 +3.23593178645772 +2.39664909046673 +4.46054798074439 +2.98338357211488 +5.24361638051042 +6.03985288920179 +3.5642020315565 +4.80421041735839 +3.7753895987716 +7.37739820470157 +4.74737811561469 +4.20104290616121 +3.87733203343434 +4.19670811862598 +4.26084521584355 +5.55144224187254 +2.1410886775825 +3.48366545016838 +5.25291016199631 +2.99938518435573 +2.4052987764853 +6.67017081257832 +2.19671217919813 +2.95970657770256 +5.26986486210844 +3.85851558458357 +4.54669631155067 +1.72020682422994 +6.93978879447772 +3.49294227263773 +4.92991125728447 +5.37286845323851 +4.28259708088996 +3.77949418993212 +1.90132625439105 +3.43018023838782 +3.74784613502641 +4.52624370206013 +3.51823925756746 +5.33676785061317 +2.29542322819768 +4.17317921078397 +3.64832346289517 +3.43044005460998 +6.07019106485839 +4.46562540666202 +6.37261122128253 +3.19421912848636 +5.41583106920776 +4.59908845799668 +1.69211030576845 +6.25631994708147 +6.28157139938451 +6.74941458319741 +4.83340253363606 +3.82664837830264 +6.84605626854731 +5.12341891962369 +4.84534666463595 +3.83805908489842 +4.97997914619643 +5.11534983682718 +2.29313863697781 +4.77191032577673 +3.60031226532649 +4.2539716491262 +2.36878410921086 +3.43046129128213 +4.71433621790076 +4.67746747352012 +4.30296174242171 +4.73472311782489 +5.01950017143098 +2.58325633076327 +8.179432272958 +3.43718910465855 +5.62391280685202 +4.7952624011055 +4.44889300649368 +5.27663557657556 +2.920539924938 +6.80598939076816 +4.36490022528339 +5.23044143371281 +4.80396226485982 +5.15629136793853 +2.55832740671981 +4.41084088187331 +3.33714358314161 +3.93169687538424 +2.8030060081223 +4.78620430838015 +5.81664826864849 +4.46695665063492 +5.4061856640737 +2.54577088378602 +3.93141769861857 +4.55987134916076 +2.54603387618065 +6.39490699424639 +4.51350050402066 +5.1167432188357 +3.73705242360891 +4.56997342118057 +3.59823260768381 +3.07116273070481 +3.94048196511461 +3.85934611871848 +3.29735752718859 +2.09449396443419 +3.4890436048356 +4.69145948723524 +4.21320857167352 +3.58369141472242 +5.11853979504781 +2.01066615517156 +4.3220629290069 +5.29743125770008 +3.86702029529182 +4.76091271997388 +3.33539260228964 +3.94889207096997 +3.61035282226913 +3.9240467847434 +4.44688713134053 +4.39820852905945 +4.98185840982443 +3.99215650670291 +4.39403264761847 +6.62432212895538 +2.67950175182782 +2.34440609352359 +3.86765251526587 +5.26785426973856 +4.18585203604312 +4.98663997634616 +6.73022875208155 +4.3447893670921 +4.21401224820338 +5.2040090860569 +4.03729046907093 +3.66392501934161 +3.94093762628481 +5.2184572822264 +2.0608779937874 +5.51405237948192 +5.33220873724591 +5.1381123594627 +4.81808243703477 +6.45122837751771 +5.67946951507616 +4.7960620663611 +6.52866987560133 +5.80034405927044 +6.73966608609297 +3.10588600815932 +4.74005389425069 +3.23041046902274 +3.34241312438682 +4.845629577642 +4.33364969806087 +2.93458647204557 +3.83107230536878 +2.9972776107317 +4.68825756151881 +4.85368456532529 +3.16893248999285 +5.39603915054539 +4.72412517489046 +4.42242278507872 +4.08163331643365 +4.41701040750874 +1.95129508268263 +4.72080759844237 +5.01070250646206 +4.08194352548275 +4.31824156793307 +5.65921213201903 +2.07316022506087 +2.99296340618382 +4.34813617167261 +6.67389749530542 +3.60530192050004 +5.5639963230866 +3.56169733133751 +6.39147243954403 +3.01688297229969 +3.94218814189468 +4.16397215613995 +2.15482851308676 +3.71947326688944 +4.10610374129184 +2.67753830401501 +3.30777819805687 +4.76009647788401 +4.47946979666188 +1.15928840427331 +4.13185033450118 +4.6331174588662 +4.83165897190747 +5.63530888690593 +3.58657883078532 +4.03657018014576 +5.26496418703537 +2.76101363691889 +4.87828814714507 +3.9242677946076 +4.23917025657928 +4.29546832061399 +4.89367447378948 +4.72919390655325 +1.53365843548174 +4.47397056349938 +3.38359594253261 +6.00758238949536 +5.18303827840402 +3.26212533328893 +5.05275559338335 +7.32960693221546 +5.57940669646735 +5.19720035337118 +5.01874125477006 +6.92865576066648 +4.64649139779192 +3.88040560869793 +3.17254155970646 +5.35762440082498 +3.22083666135666 +4.78754652065369 +5.28310746898484 +3.89613159312727 +3.10821654125056 +3.70743758621364 +4.97904518107577 +4.01976851572834 +4.34619792068189 +6.19879846223757 +4.46322314292909 +3.94492266005043 +2.45953151468388 +4.5134898248101 +5.12508196193493 +5.37854596341414 +2.7443199083711 +2.3723132650345 +4.79287994100583 +2.94002197026203 +4.96650596259996 +3.4909870099752 +5.04046177881954 +5.79568905359401 +4.22945932756678 +3.29762989591292 +4.13075800008073 +3.78841958647462 +5.70564931379762 +4.75551304701878 +3.62713947967099 +3.49371743553568 +4.18880080463133 +3.53891561905915 +4.436293417138 +6.08209544704751 +4.69434753275682 +4.04399518820588 +5.55953124287273 +3.18286013533759 +3.09633636342295 +3.94985786314965 +6.44729806127411 +4.77924553528945 +5.36516174408325 +5.32571595415829 +4.47429598410243 +4.54110017897703 +2.77614080892397 +3.23277868265385 +4.17711681959024 +7.24240164743181 +4.27713800638698 +2.46721879394027 +2.58727961497153 +3.3466198768872 +5.97489281412045 +5.49238143390988 +2.00814883829282 +4.59239171138555 +6.20753476508852 +4.69531267297155 +4.60877976724407 +3.1656158577291 +4.57311733408275 +3.90310969267745 +5.38646693256843 +5.49706638677387 +4.33608259422619 +4.61646801774576 +4.56826776861878 +6.2090096712583 +3.30254593043134 +3.98264401338723 +3.86009574383992 +3.47481997004509 +3.64249358459648 +5.75003995806962 +4.10812487728292 +5.13461889133448 +5.76309318008114 +6.98971520467133 +5.26970258077824 +2.74604462048288 +1.77715613354718 +6.08685698581595 +6.7758830178794 +5.99089054048317 +4.26373122464778 +4.91326981696658 +7.43410677606525 +3.84623035630117 +4.8410247212609 +5.02954681309945 +3.31831479425402 +5.97329005451461 +4.97936381298796 +4.3743475893718 +6.30496520149688 +3.23005591354171 +3.89246446786875 +3.2527192755151 +3.98760368268769 +3.22968638756539 +3.92199035909696 +4.91247396608484 +3.98524741877818 +3.18682988523291 +5.77119450574324 +7.56176105156765 +6.154571554661 +6.19676279309367 +4.98567531231036 +5.27461305625385 +3.78792217937771 +5.85672260788674 +4.10099791517612 +2.7043683624407 +3.38525339182371 +5.30749050333771 +1.52479410673876 +5.395759610905 +5.83071627744898 +5.7360019029499 +4.34575910884949 +6.08770247362161 +3.23946018481997 +5.94318529142621 +4.78385784121322 +4.5426561720244 +5.38555192144521 +4.38380213584887 +2.59250604121839 +3.21958309687437 +3.99746463272066 +4.47766431082044 +2.51220480139261 +3.17808869962976 +3.10660021258251 +6.83836791693633 +3.14483230071533 +6.71039160735636 +3.5617286510725 +5.81063933509722 +5.46508752961445 +3.84629871097433 +1.81302984191142 +2.03468035741763 +4.56344850440613 +3.95283476887596 +4.31468008799722 +3.83985003267407 +2.76208548600034 +5.40404369000894 +3.92216511850998 +6.6863183074859 +4.22919188112456 +5.39581885982724 +4.77684584927682 +4.97129092543121 +5.93560166308855 +5.11395691773471 +4.51532601173063 +5.45204819656666 +5.70642924800858 +5.41329452536073 +3.41506443398365 +4.32601560397168 +6.82840064865473 +5.19027890262229 +3.32109631365153 +5.42349704328166 +3.6501025277621 +4.43275957362246 +3.63339817865099 +4.03594000828883 +3.57017120785707 +4.52403764634323 +4.83722579938425 +3.90843778763579 +4.77001569346128 +2.58905841777342 +4.65509068736483 +6.12592292189931 +2.93438255952963 +4.84419713142537 +4.49080450072813 +2.98634536873922 +3.78088821185019 +4.83935539974715 +4.58286850998729 +5.52638844097879 +7.02995418546803 +8.46618984547365 +4.22762167065718 +2.72935420422468 +3.03767762415558 +4.68179291948363 +4.67880966005366 +3.33721194212396 +4.77732270928831 +5.02555578538574 +3.07088676351063 +4.73560888732765 +2.4404817066896 +5.92065529751765 +5.94200915584787 +4.86348965105388 +2.72321657022134 +4.81909822804424 +3.77470521889063 +2.88009942018131 +3.4949063743415 +2.88178065373336 +2.81593477215258 +4.58679602494442 +4.54749269253828 +6.80328573084171 +6.26533442401207 +3.61831924616849 +3.52970477157024 +5.07232267878206 +5.14802776735716 +3.2401301463469 +2.96051514972747 +2.92487523393935 +5.37652580626321 +4.30432042962078 +5.27083300300134 +3.42095079309882 +4.23577721670413 +3.28277569998005 +3.6322853933282 +6.6685072148378 +4.868356037444 +2.48290279018672 +4.37196980682429 +5.75805999821693 +3.61297326467114 +5.27434533133345 +4.2640337745026 +2.73297130046089 +2.78937962537227 +3.10298326871649 +5.15618136650351 +1.86206245445454 +4.70326316441522 +3.67005773944922 +4.50132340238578 +3.86596986256373 +4.756613100852 +7.48973328883284 +3.26500142799002 +4.89223945665508 +2.75680225737705 +5.9498231134169 +5.6313773598836 +5.90502361178669 +4.20670468946714 +4.661438661116 +4.55482861647925 +5.20970438245651 +3.27555004052074 +4.09672755690725 +4.29608898477299 +5.14855525380685 +6.23974054369751 +3.70285367817708 +3.00757702042106 +3.36706819418579 +4.27813276285626 +3.01429132298831 +3.42237977788415 +4.17650731932863 +3.02895473581481 +5.60238785323383 +3.61832237241365 +4.97746998817484 +4.32264001478005 +3.83841818853665 +2.14347416482866 +3.39760618498769 +7.12517545323504 +5.17159538841472 +3.60107984069245 +6.89855498511181 +3.35519968175918 +3.12778079562216 +3.74105300121539 +1.74887954313223 +5.61843652364661 +2.63672035891221 +3.90640179284444 +3.3382702606745 +5.45846663275096 +3.00850971868149 +6.99008233704915 +3.55518965699964 +6.03280169194467 +7.12622019945862 +5.14081593693222 +2.89739430990392 +7.5245566570499 +3.30499792037515 +6.04981105292355 +2.99495599440026 +3.57291433436709 +3.29480262678659 +3.4803513588269 +4.1266018029862 +4.48836512616682 +3.95613910159882 +7.08399382896382 +4.24032379104474 +6.42806120834496 +3.5783568690005 +5.90720871817101 +3.61709679099102 +3.95912491304574 +2.50996867982496 +6.58420849394573 +6.9718115080183 +4.07018449620106 +5.1327179874294 +5.03111622424506 +3.45019692305193 +3.09792724056567 +5.41535834310912 +3.38445096626209 +2.70141559166591 +4.59240263739263 +5.33184380221454 +6.90457960438832 +2.95944100873375 +4.97406101345734 +5.08655034160603 +4.5256514543501 +4.74067987976727 +3.39070662501101 +4.12976551547182 +4.29040678350121 +3.61728039034017 +4.33510934979086 +4.64358467896021 +4.1201446330417 +2.46590381357761 +4.72182905628886 +6.40669629293068 +3.37683925797157 +6.92929915464796 +2.5538209350011 +3.82157517035761 +5.4581293515286 +2.73632263412012 +2.78631583947975 +5.581409767309 +4.14511495434646 +2.24191685142025 +4.61905866075242 +3.96483132882037 +3.70633549871482 +4.0388332027435 +6.92719841974053 +5.07204643137795 +5.81783465680088 +4.67628165378361 +4.82534171578817 +5.30251756418112 +4.91706180965921 +3.30778288971904 +5.70172417189844 +2.64173360236438 +2.79023558310758 +3.47827078394303 +5.59897103023681 +3.87293576865407 +3.56663913867461 +6.42028235499549 +3.40150121238303 +4.92203027527216 +3.65276725783914 +5.73513321773305 +4.19536944089797 +6.00123423798563 +4.08667727341889 +4.91963467329465 +5.77956019024626 +4.30506443791077 +7.31815296727134 +6.0717040556708 +4.24493211140875 +4.73224285449426 +3.53157622863598 +3.49039139874134 +6.03049204054023 +5.76265658500576 +6.35634432976293 +4.90095529721915 +4.23875325280771 +4.24763075836373 +3.40772306464973 +3.61250024022 +4.72303617475685 +4.99009126219324 +3.83196974310724 +3.31380358580594 +2.66276183999137 +4.59557840627871 +3.72841025255671 +3.15727002736709 +5.92876403146543 +4.86542901002791 +4.83324957947944 +3.65745720257646 +5.30440602310378 +3.725365875963 +3.88067474786578 +6.16721878455838 +6.14022276762738 +2.36777516359993 +5.73780689663287 +4.46846379173564 +4.33517548516847 +5.91813160491953 +6.12068104593508 +2.76029210729812 +3.21120670689696 +3.46622442809961 +3.96432243927397 +7.66180328997117 +4.08396908839127 +4.24421916380766 +5.51491779263243 +5.14627020207197 +5.69087006000141 +3.49842703938183 +5.48959718345566 +3.90772449186197 +2.51284879011481 +3.60352616597054 +4.76908335081155 +7.29884759532001 +4.82827864142588 +4.84756733747913 +4.28257478875327 +4.61249261160184 +3.1130298278291 +6.7706031843132 +5.95354332596538 +5.21642217497867 +5.22363774273555 +2.63710125893355 +3.03543631919928 +4.48888599067798 +2.9673935244923 +4.44431870188947 +3.8883025628119 +3.98000166876554 +4.51707351183389 +4.2855081157057 +4.1033806952764 +2.17625106910487 +4.03701311771264 +3.44345790452294 +6.42847815044954 +7.4006039095221 +3.91989277675436 +4.67528085249148 +5.47040707455475 +3.68755920622559 +4.58218620308624 +2.97431137407096 +3.21737077629269 +4.30769259768634 +2.52669170866731 +4.26922866022245 +5.18005401148728 +4.72723393424152 +4.90197336962883 +6.12123200973369 +6.15822302187074 +6.50905648242742 +5.57909047415916 +4.07520596447269 +3.09686671360591 +4.45943430991487 +4.94666046019548 +5.04031029073989 +6.21424421351367 +4.67260574074805 +5.84706734692971 +3.97358823933159 +3.58985657243312 +3.20416396354371 +3.33408163727292 +2.209887107073 +4.91580153315492 +4.71420890718404 +5.75831948178954 +3.50949969189041 +5.82725334660271 +7.78151199405406 +3.95618725472695 +3.14782568497233 +3.50571962516618 +3.45774883267991 +3.12393212917931 +4.93964739583618 +2.16863344777231 +4.68490417593421 +4.24464472010056 +3.77187916289645 +5.58080649455765 +5.27952231725854 +4.16819983088052 +3.03418508267457 +4.12291301401025 +5.66077303792627 +3.95892308461079 diff --git a/src/ICP/Test/Y1.csv b/src/ICP/Test/Y1.csv new file mode 100644 index 00000000..aba97044 --- /dev/null +++ b/src/ICP/Test/Y1.csv @@ -0,0 +1,4001 @@ +"Y" +-2.0446341129015 +-0.461528671336098 +0.458261960749596 +2.2746223981481 +-0.969887403007307 +0.64916364886744 +-0.371084494846585 +2.06408520197981 +1.74156587471207 +0.347420662025895 +-0.0143198962537591 +-0.681539212794891 +1.02898652992339 +-1.15985495933001 +-0.0252663339950903 +0.219884728982104 +0.200230738925665 +3.20963389189722 +2.85346474709833 +0.110069575348652 +0.899751771643305 +0.055541594494201 +-1.69663326075255 +-4.06557024203822 +1.07183035243544 +-0.167530454025037 +-0.980373978509886 +0.419087886865186 +-2.52421340980024 +-0.200639269793581 +-0.433443321012706 +0.409252599484997 +3.56226499437286 +0.680709959793754 +-3.85607792442318 +2.75862093217556 +-0.711863184913205 +0.693912298652773 +3.06761664128334 +1.10793379438388 +-0.0432751636162977 +-0.302773284290753 +3.47760774409265 +0.786712668548465 +-1.47807675388221 +1.84703902035317 +-0.86247913492756 +1.04981868710519 +0.509313310568829 +0.322584738731847 +0.176805674467307 +-0.707899450246965 +-0.367449081856812 +-1.15643817412781 +-1.27098878829617 +0.172886460673159 +2.16498115080537 +0.112607659977218 +-0.768849368689354 +-0.29666237669875 +2.37095782782917 +1.01039203941573 +0.822807005994292 +0.168856374605291 +-2.15419239744884 +0.696440661382384 +0.975060437776146 +1.30272251582615 +-0.494929391059743 +0.600944528526231 +-0.798420273355452 +1.07050208345418 +2.09910762220555 +-2.2332304961714 +0.31956548088801 +2.14240453370216 +-0.143792424281069 +-2.04995973087467 +-2.04110437101106 +0.17058969201339 +-2.97389692464582 +0.185499228347005 +2.0595528859329 +-2.09896476273161 +-1.11379295558557 +-1.18428574250103 +1.77496981886329 +-0.280989548899781 +1.10853857720988 +-0.11243408681032 +0.24909891706472 +1.12879942042154 +1.25438058069466 +1.06341011714398 +3.90765039041787 +-0.686532052679486 +0.258625132428799 +-2.8934204399743 +-1.14736211123385 +-1.26309027833257 +1.09017081136844 +0.945265215692678 +-2.67714040128735 +-1.22574879682119 +-1.37681230637762 +1.25522890512202 +1.19561340350235 +1.45330131344696 +0.29005615665579 +1.17999499503863 +-0.820662644056242 +0.432764130364457 +1.89811168874135 +2.09912507199197 +-2.74220035737645 +-0.731283852434935 +-3.49165474208484 +-0.842318441151307 +0.519984266891106 +0.723715544065306 +-2.69402154566109 +0.522035554531957 +-0.977356703446952 +0.0662523679965286 +-2.46578070804799 +1.7909882924753 +-1.66227747726826 +0.796685749486329 +-0.916445176345027 +-0.585294446619564 +-0.410863037311707 +1.46127715105559 +1.00925024830653 +0.623918057772385 +-0.419248086978442 +-1.82739249535062 +-1.77634620190193 +0.616142650317308 +1.48197755607631 +-0.11550541050392 +-1.28810696310258 +1.86485179256459 +-0.719731507681657 +-0.487064742840184 +1.11204037739847 +-2.30387006733585 +5.83551940168456 +0.691474316254409 +-2.16071117133421 +-0.973794117857695 +0.548156959763085 +2.67809877788095 +-0.838220970776093 +-3.06363390631536 +1.78843231323384 +-0.516623658164589 +1.36173104558111 +-0.141297300569579 +-1.12506986246455 +2.96261502034024 +-0.373664568888955 +0.778806582035665 +0.351649442363487 +0.894058232830515 +-1.37700874018766 +1.22802486921409 +2.54571148712171 +-0.138045569137714 +1.26358828945005 +-0.476394037750573 +4.98571700479889 +0.180839965615177 +2.09367087980507 +-0.297349056832241 +-0.829818616139262 +1.06091136016192 +1.98995743695489 +3.62830854791221 +1.16517504153802 +-0.251607296871892 +-2.4709351088538 +0.111070891211211 +0.0605531816380345 +-0.790932213714064 +0.844407066918632 +0.764803210913809 +0.357488181900218 +1.33980411360144 +-2.85165122970598 +-1.33329516329457 +1.26074383926508 +0.798021940866426 +-1.73790308453371 +0.327195676661956 +-1.74412500273136 +-2.79176211712509 +2.3305980941703 +-1.22169651070892 +-0.624677323147387 +-2.1220281095561 +-0.88276268788666 +3.4038359115369 +0.206929732491201 +-1.5529337016315 +-3.21746008254374 +4.212261424457 +1.34920531941325 +0.952064600349269 +-2.99488486586478 +1.39530301936635 +-1.92544380869404 +2.87683473445712 +1.01685947998805 +0.909177521107985 +2.10808121921834 +0.897475956905857 +0.0557223660876684 +-0.236969490602729 +-1.38319287130322 +0.866947104847934 +-0.339716351448651 +0.926856890553171 +0.215350604346681 +-1.03078767384367 +-1.58817938995827 +-0.669783334705701 +-2.55806848714284 +-3.24921696408757 +0.249765373342417 +-0.306284012286403 +-1.05943933013411 +-3.13901090018443 +1.3320230139673 +-0.610862689048332 +-3.43292014297832 +-0.0480439033391351 +-0.279230544067564 +-2.22801932117439 +2.26024553884949 +-0.519932059313022 +2.05168279520817 +0.0815359909949455 +1.01896138543564 +-0.900266874076422 +1.62129984625767 +-0.324199163830075 +-1.68838985028537 +2.9510597691231 +-0.979275007734083 +1.15036423848037 +1.02493443671774 +-0.0594492584731916 +0.955363004370687 +2.20930073962056 +1.9629983498155 +0.670623901280397 +-2.90010614648204 +1.02253964450406 +1.04828283751209 +-0.681022881559307 +0.508708348551652 +-3.86708405313941 +-0.675754076363102 +-1.5382977955184 +1.95429470559186 +-1.17533532671241 +-2.65863213580182 +1.43887599046097 +-0.0439690879879403 +-2.41358388275906 +-0.850597998459676 +-1.03705976394026 +-0.343279831847778 +2.01736517466435 +-0.65165161016755 +0.245776555109474 +-3.74774027776328 +1.41746125522083 +0.276086700708511 +-0.075920731844502 +0.511330402768645 +-0.234808649564293 +1.22856336534777 +-1.83289634266984 +-1.63189781504167 +0.786598328258021 +-2.03061266373756 +2.24435417171659 +-0.353408140393804 +-0.290803737869525 +3.05741480981257 +-0.422635931594157 +2.99476531194807 +-3.67578335885826 +-0.14195509296542 +-0.690379888075386 +0.986523726493512 +2.95262905831469 +-0.795276745045731 +1.45134509332528 +-0.0947938119691908 +-0.0330860906095329 +2.04967072509262 +-0.101188578561994 +0.533295098686164 +0.438706368043246 +1.18187866588468 +0.634763715037674 +-3.50972682813401 +-1.32789450885904 +4.28567283962999 +2.13121663159946 +-1.08496702830838 +1.65486398218948 +-0.32627942690184 +-1.3725344867171 +1.49050602537369 +-1.97350682671984 +-0.687538412113462 +-0.638836009054173 +4.50258181880962 +1.98504575870335 +-0.993272059909519 +-0.353105321587433 +-1.98374942178516 +-0.913511006406451 +-0.391185419234787 +0.234579980895528 +-3.25102700406921 +1.1556216530724 +-0.709671288746295 +0.338991091561813 +-1.26736330099672 +1.92835337637073 +0.328164478633902 +1.90593791573784 +0.0457291065314716 +0.574005077182115 +0.0647535894748852 +0.4961548096528 +2.08538469084303 +-2.14024753663045 +1.63659060273774 +-1.1536383717898 +0.963561458002316 +-0.519756560830324 +1.94080998616581 +2.05297498834952 +0.31221494283217 +1.39430854452627 +3.55590022331241 +2.43691204023931 +0.185299447527757 +1.28400092445206 +1.52556005561042 +-0.109186151263957 +-1.44161762648471 +0.122905111842987 +-1.11305023429264 +0.608987534097338 +-3.28806177842397 +3.34368697472306 +-1.43730574723383 +0.0328149202209358 +1.19788869935835 +-1.17281347455063 +1.84278979258353 +1.21197279359195 +0.568880562889465 +-2.12350556250915 +1.65919989928133 +-0.181457272996868 +-1.26844005849682 +2.40980453577113 +-1.41365016876383 +2.07267562524472 +1.87490006345062 +0.425944055117377 +0.526122819840877 +2.99681075025276 +-0.798853936930231 +2.26814517773066 +1.53376295607669 +-1.56492532292342 +0.909024175943706 +-1.10270943292925 +-5.0076083071024 +2.04428738626668 +-0.941358122536627 +1.23863928674342 +2.30666110805111 +-0.134789699945559 +1.08256296843961 +0.654793797030432 +-1.519859621183 +-2.93801863769578 +2.50791335040831 +0.325727576810871 +-0.923282460821822 +1.45412787643754 +0.205100537483902 +2.63974865082975 +-1.62868808631807 +-0.668703592419336 +-0.0784719037835127 +-1.47735681459179 +-1.36615692695361 +0.0582585174729289 +0.691936566834401 +1.10614108476963 +0.193865769151576 +0.813437739313458 +1.08910836785766 +-0.846983127139371 +1.24201265324265 +0.150967464175096 +-0.0444838909730666 +2.15567450442039 +-2.25279447579587 +-0.312001402884388 +0.509372161886345 +-0.0610394489215309 +0.834208138828957 +-0.855177664207994 +-0.0562967976642395 +3.45702140043317 +-1.09512960397374 +1.80482262912199 +-0.570442439481834 +-2.06934858480089 +0.123093020951853 +1.51922542770022 +2.03390528598837 +-0.316501989244236 +1.16953187784501 +0.672396735251615 +0.273309196163932 +0.55939002120913 +-1.13705556398226 +0.0151723434073585 +-1.31788980618164 +0.642866041687969 +-0.276769489261384 +-0.948435215925604 +0.981058146783628 +-1.42443138214651 +0.767201187106477 +-2.39078632709116 +-0.0461540544753043 +-0.496949836454368 +1.07903668810384 +-1.51142624160389 +-0.0789249083862699 +-0.728044485085822 +-1.75271346100865 +1.17041404042065 +-1.47023198437534 +-0.786892657989905 +-1.40224779683271 +-0.360490637912644 +1.24858549637234 +1.56993016569707 +1.39614348821074 +-0.16105575261093 +-0.888045404225359 +0.452586649498922 +3.98750267440854 +1.27951689327643 +0.835850524520806 +0.000684938062147933 +-3.24370925335864 +-0.868912670223778 +-0.355334430113354 +2.42140653533557 +2.19821266240589 +-1.00646550829852 +-3.57172394281372 +0.562970480804413 +3.32950350283251 +0.607864459156036 +1.64581101502117 +-0.0949121844673268 +-0.0571420185165642 +-0.651672336041448 +2.61012968981332 +3.50359147551827 +-1.80110854365998 +0.554220597149882 +-3.19152071474853 +1.57655720530694 +0.621322581017182 +3.36792344142902 +-2.79332686118361 +1.24695885003657 +3.29524516445546 +0.887054373471547 +0.918098632805752 +-2.81741815075849 +-1.11353202375205 +-2.14436705120817 +1.52033184251817 +0.946694432438257 +-1.8900830267349 +-0.400700483019305 +-2.89602406053952 +2.46690601426811 +1.9580271383755 +0.677646080447226 +2.68435997638463 +-4.00928217954395 +-2.21682366054051 +-1.79506108852337 +-0.72218918724903 +0.0665231857946227 +-2.52889343165007 +-0.268314645466007 +1.46368546486339 +-1.25755567464632 +-0.159226008880931 +1.35255230132773 +-1.34529953640218 +-0.42478584259992 +0.822344718074335 +-1.26564279208815 +-0.494329167466874 +-5.21188621513964 +2.25235625477604 +0.888401955407396 +-0.203965920674705 +-2.52358616722891 +-6.11825580345289 +2.73284577477725 +-2.67194161057975 +-1.12661629065538 +0.12425725646394 +-0.944467883580328 +-1.43198944938794 +1.96809720636476 +0.0704141703079191 +-0.862433727284653 +0.920178734645701 +-3.85874797547276 +0.468497836488876 +0.0796378289022363 +0.0369357507746423 +1.05173059653644 +-1.40431829844716 +-1.16348094342256 +-0.389541689776298 +2.23016019750368 +0.211668280217358 +0.100772831982568 +0.0729328911516429 +-0.618823747873847 +3.25788501604355 +-0.521996713204652 +-1.76842581977027 +1.07907872093982 +-1.88775639053573 +1.74289259245029 +-1.58031583196907 +-2.47360517353832 +0.37174218223534 +1.1426211254804 +-0.448684593121892 +1.38283427959288 +-1.77484172936732 +-0.0898270948911793 +-1.92354483591558 +0.390389870199253 +1.25166060976539 +2.92855517487327 +2.12070470306364 +1.70704104981539 +-1.18701169163746 +-2.22907036818509 +-0.26276012160509 +2.39098690623721 +-1.05242280574837 +-0.94519216151417 +-1.09126808573791 +-0.748414699136643 +3.14067284170168 +1.86216531567043 +0.133627079538972 +-0.237244298253403 +-0.576107607902419 +0.509020417932366 +1.1701029619144 +0.576769630228779 +-0.955745610942358 +0.564216766439438 +1.27900705166002 +-2.61178293038828 +-2.39415519862503 +-0.485627872967595 +-2.62716350963876 +-2.03359457512728 +-0.580336434671943 +1.25641070165848 +-1.20416702299753 +0.982110892615362 +0.495850773234208 +-0.536367642469654 +2.56878138298077 +-1.08853183494634 +-1.39711882588122 +0.0156552052879113 +2.40482479275593 +0.688434585457254 +0.596443009837723 +2.51554412483758 +-2.96166219390934 +-0.420513170574472 +1.32193141297041 +-0.924701047467599 +0.610308017900194 +-3.56147948787895 +0.796482581436026 +0.424951648697303 +-1.03300217554413 +-2.30349784754183 +-0.171285614859997 +2.74203599757151 +2.40785593754484 +0.367538372527113 +0.701105109637778 +-3.97003189626426 +1.50311096494668 +1.20899959338005 +-0.626362998695397 +-2.35631517325397 +-0.583999270076589 +0.916116902478585 +-1.20803616123199 +1.74119027321618 +3.78321328653205 +0.281354140625298 +-1.01826362985897 +1.24428160336185 +-2.89739629018659 +-0.229840245934216 +-1.59829413254459 +2.24474830644335 +2.12685466497566 +0.154374046674459 +0.178022802137571 +-4.56900258187444 +-0.66673717843469 +0.158860601280849 +0.615190784248626 +1.37457883744641 +2.5960094590104 +1.47684141674459 +0.235122634954138 +-1.57251505738414 +-0.800375223756752 +-0.558804888024318 +-1.62484351013906 +-0.190767878054651 +1.82486918504302 +0.395589011477062 +-2.39357010109249 +-1.28151833407347 +-1.72337393232379 +-1.1997692793602 +-1.27564872880125 +-0.152229647722002 +-0.855343850558464 +-0.082338526272878 +-1.85438072917603 +0.554555399410261 +2.23569227602138 +1.40592091898987 +1.38834116476173 +-2.41089339592802 +-0.863019554865898 +1.1364933866206 +-2.82612609093272 +-0.180121700165509 +0.974947649261923 +-1.95808606158881 +1.15585051460383 +1.17472358261888 +-1.69413986210895 +-1.69146893424882 +-1.07742928084294 +1.4332552466776 +3.4926030020503 +-1.69638825611853 +2.45831463685397 +0.161163004084723 +-0.98036791779027 +0.317926493176692 +0.979655323369993 +1.1911660344286 +-2.65222508518922 +0.677795542337913 +1.1254159454357 +-0.33251389100831 +-0.719175789924684 +2.83050068036081 +-0.264620021827131 +2.51318703476985 +-1.29055475305882 +-1.94840400625728 +0.977961357963071 +-0.0194473969585937 +2.03769975154724 +3.20012573514194 +1.73795674031454 +1.24195753562307 +-0.031570833573549 +0.34324428512725 +-0.955230040445509 +-1.93888247983876 +-2.45581663350128 +-1.51279935695257 +-1.25260483070033 +2.03882452306711 +2.24582266564304 +-0.310028432172714 +-0.115464609249506 +0.0864363083343962 +0.141237741489157 +-0.529479230534595 +-4.58788454443705 +-0.438315286554876 +0.0682070304829923 +0.00168712244155345 +-0.160384405215114 +0.326848792171914 +-3.03368363032554 +-5.44557658536469 +2.35275447387619 +0.0120898822057007 +2.16368666549276 +-0.688063227798635 +2.61575245935325 +3.34013935852696 +-0.976860725654958 +-0.742476662180744 +0.827817906997934 +-0.612613451938687 +0.929687470215453 +0.844917803973775 +2.22614557592961 +-2.7787958372836 +1.69685376206513 +0.0519704853802683 +-0.326980253915308 +-0.983138064245599 +-2.61635670474799 +3.57635451554448 +-1.94096001600544 +-2.81079832988236 +2.28318204776396 +0.664393586380605 +1.12974705836055 +-1.68629253391634 +1.60221510559063 +-0.724422994106405 +-1.35960027098616 +-1.89890140424194 +-2.69371777439474 +1.05373979715761 +2.7705614102331 +1.26061467926304 +1.09738503014276 +-1.13423562673054 +-1.79564294672904 +-2.87132688516961 +1.88314015493107 +-0.223049774850163 +0.177016675498047 +-1.20170667694807 +-0.971644060828173 +-0.0865730747685201 +-0.248748912959406 +2.3526700008277 +-1.87205142375521 +0.566219225504601 +-2.14429265031258 +0.619921583806242 +1.00320857898512 +-0.653311021480854 +-1.57714902717093 +-0.0312462621397855 +0.247811146453551 +-2.32359594662844 +1.90357001419286 +3.2030477273159 +-0.78802254875679 +-1.45127189946673 +-1.50877135205431 +-2.70955035279513 +-0.90132685028114 +-0.882885988211571 +-3.08304872401422 +1.66727389884245 +-3.57890836572633 +-0.494846368487185 +1.73043083394646 +-0.0765476502705822 +0.196480745864175 +0.635231008742605 +-0.410191272399502 +0.667464053513704 +1.11119218169146 +-0.0217847059527363 +-0.0708946794929488 +2.04482138639792 +0.221582907925043 +-0.832613412903759 +-0.672705977802311 +1.15593819310654 +0.332069262510795 +-3.37867956999089 +-1.86176253765354 +0.408864508548791 +-0.489238667819066 +2.47951858086377 +-1.02142244716756 +0.478211365359651 +-0.418160717752477 +0.956429120347323 +1.24942240028343 +0.0430755445327056 +-3.2089757492832 +0.00259056246292744 +-0.308606625738445 +0.712478751062528 +1.80674738753471 +-2.15049780595023 +0.768771576159973 +0.784879440906884 +2.59050099318328 +1.23605180312008 +-2.97353621848995 +-2.22961009589128 +0.545328251534587 +-1.07889062276536 +0.488324336275867 +1.83392247278941 +-0.241456935276611 +1.54251216204448 +1.61330173522788 +0.11970755225664 +0.940539005153695 +1.91503838436217 +-1.22884034346678 +0.296618330760711 +-3.1270793094076 +-3.81109454728528 +0.0651969980902266 +-0.79390884203335 +0.620080511949447 +3.23363376223791 +0.939494902808057 +-0.634286983322206 +1.1418172782797 +3.28791747116401 +-0.607495993712014 +-2.13982700273283 +1.75215089194946 +3.45519620435687 +0.928059051168307 +-3.29948240961021 +1.83677912386754 +-1.57203584819092 +2.61833571389721 +1.58490743911943 +-1.07794338596152 +1.36278285840223 +-0.657848035802138 +2.13928752158855 +1.85579736761575 +3.81165731605234 +-3.63156036723643 +-1.09036054673634 +-4.10572995246602 +1.19361942423725 +1.19059355149736 +0.701417855905363 +-1.37107848767298 +-0.0565377734846015 +-1.82670479548205 +-0.276309092123568 +-1.93714874917692 +2.27459914672334 +0.98079968046771 +0.212639685690264 +-3.01501434598974 +-1.46110426392164 +-1.16962406541976 +2.21199001371226 +0.411818651640669 +1.08366202767803 +-1.17041992112197 +-0.156325275804658 +-4.19767147598669 +-0.0741574830546015 +0.398288913998471 +-1.4342469211989 +0.697645498804493 +-1.61338090149702 +-0.400355081624562 +0.812538505843319 +2.85623167540938 +-0.613684365142201 +3.18561796428717 +-0.178771963410596 +-0.415505361748308 +-0.134700100048624 +4.49225284069431 +-0.88109291244009 +-3.04426460022563 +-1.53442830929789 +-1.08003484380095 +2.7048930603589 +2.97959388623251 +2.67449906900168 +0.224543116134115 +-1.75032153606607 +1.13569526493024 +-1.37187882672741 +-0.0337944802144209 +-0.958316970793926 +1.66620567768089 +1.9224518176349 +-0.7248755276574 +-0.53739716575451 +1.00711928957664 +-0.372974842147641 +-2.22855097355795 +-0.0855757509505883 +-0.551751397119148 +-0.456409898873156 +0.128105867469144 +-1.10159121120648 +2.49750943642558 +-0.470746940996491 +-0.0675950971889872 +0.315382142986737 +-0.665034472074702 +1.38751506629141 +1.9939754534094 +3.48271977035163 +-1.43592067877244 +0.429468235172759 +1.2136655567699 +0.893812232951224 +1.5933558193179 +-1.15472321974847 +-1.02504314389404 +1.7331491324987 +-0.311127034985957 +1.92318154864319 +-0.877633625455525 +-4.22627080066152 +-1.25702561895273 +0.187586650340364 +-2.71337985792008 +4.02403126421951 +-0.833542034242749 +-2.61667393330478 +2.09625062278994 +0.0873324654234975 +1.39114982890984 +-0.766753215905215 +1.48878594286674 +0.358954178328396 +-0.637077497722631 +-1.57515394271113 +-4.00363271788194 +-1.86993957369146 +2.11653657705789 +0.219058606700114 +4.37454571967979 +0.255375390177064 +-1.39088237614292 +2.18637070113721 +0.973910004609859 +0.5291231350493 +2.65620262989771 +-0.0055276855353876 +1.40410609585824 +1.52409297722755 +-1.06404761480657 +-1.44193604497307 +-2.7149705383441 +0.479777015592977 +0.66676429564301 +-0.311021910480397 +-3.0234009625047 +0.450345737145129 +-2.66704927992112 +-0.929903713158824 +0.775641240536172 +0.186233369008437 +0.775864525285322 +1.99204428282379 +-3.64811273290293 +1.76293622287451 +-0.597299855402003 +-2.4011211530028 +-0.799040347880654 +-1.03560139077569 +-0.921917648696848 +2.23053946638135 +-3.03351029299969 +-1.99587087780335 +-3.18476005053794 +-2.23339703261958 +1.65261585562528 +-2.38214815887824 +-0.400675153442545 +-2.11040472621767 +-0.615791813317776 +1.29054532925225 +-1.48288462844187 +2.32502166544333 +3.60121178801984 +0.398633155723896 +1.22181179538634 +-2.64824131970627 +0.360711124370748 +-1.01712892473122 +-3.11434657173027 +2.27033120139082 +-1.95688237028323 +-3.05994442584794 +1.69549766032947 +-0.310350361131206 +1.76634786337651 +-1.18270064423693 +0.576253227853525 +0.828182163950668 +2.51959794657101 +-1.440133766978 +-0.690155280982158 +0.331970257821444 +-2.2667299909224 +-1.13948176799493 +1.23557356026389 +0.495526214240632 +0.0662642973585951 +-0.45349984445825 +-1.59887773984238 +-1.21937018990842 +0.385516215498867 +-0.331136951088111 +-3.39664803499257 +1.04399794177128 +-0.602964048235773 +1.73697991085559 +-0.770446795522814 +-1.53677396459124 +0.228561080401025 +-1.49435348067396 +-3.20478686970771 +2.31926767888652 +0.379451431241403 +-2.09137304792802 +0.545353387927983 +-0.362352763837174 +-0.600948292307243 +-0.212191667205774 +0.181289753886124 +0.0108090296618345 +0.424995468685702 +2.41813593287069 +1.59957643384531 +0.0597063487416551 +2.13144862681882 +-0.274318462999954 +-2.07852304670669 +-3.35185960938307 +0.738254598262885 +0.305071343865055 +2.59107352019143 +1.39061815761339 +0.0486086023018164 +-0.161271750597802 +-0.729569705779502 +0.930676869899831 +-1.50323825603333 +-1.17026787560292 +-0.82288577778101 +-0.185933757621272 +3.23413664461474 +3.26164111465707 +-0.0568239316335457 +1.71089600578415 +-2.81793323427558 +-0.880330655044677 +2.01183897105204 +1.38131745586202 +1.726754793767 +2.73961929225765 +1.35048641198881 +0.0523423348224958 +2.80654230008826 +-1.42197850991432 +0.643573927893455 +3.2907129253925 +0.58260441519176 +-1.90581731055793 +1.00115710084872 +-0.992781243342782 +-1.44710690278527 +0.533362162316782 +2.77511838633543 +0.880012510346582 +0.383470201476327 +1.20232063612389 +-1.69590141367434 +-0.55234587278651 +0.0791662726502861 +-1.44711595285176 +-1.84586398208593 +1.14763502465771 +-1.91298950357453 +-0.289092426804706 +2.00595782564072 +-0.530893261028042 +-0.118617148041111 +-3.12516193695924 +-0.761021006213547 +1.38350287139134 +1.3492096038618 +0.144209139429807 +-1.45628531131618 +0.066687929772299 +0.631456781434331 +0.842912481515837 +-1.59598710767592 +-3.0216483503132 +2.68748691412616 +0.016563449169309 +1.14742047138628 +-0.879392303377023 +-1.35258799486798 +0.726989207909072 +-0.0901523497353958 +0.398674764289022 +0.366165417352521 +-1.95258315085115 +-1.32985042342613 +-2.14236269985563 +-3.25156178279237 +0.491343149749433 +0.0209437285951703 +-2.6761321739353 +0.155612552357457 +-0.123086591270479 +0.776499991578288 +-0.21438787206791 +1.29796937761216 +-2.08949999674125 +-1.10246376034732 +-0.709227635870701 +1.67260160511422 +-0.503912915133116 +-1.54516329584535 +-1.9496132275021 +0.560131557886093 +0.620170239761861 +1.44912747988476 +-0.325696256328588 +1.53108694613229 +-1.54954136363885 +-0.987402156591365 +4.50390371659437 +2.89410542956174 +2.35752907913378 +-2.09378645313543 +1.29985659682065 +-0.119906178460712 +0.25127719657 +1.6277731838662 +0.756627085221467 +-1.69862259006589 +0.777406303911119 +0.211756015870805 +3.04167588434316 +1.01400776000388 +2.27866748251233 +3.83585161325818 +-1.06977764366284 +3.2421434249988 +-1.61182791530986 +-1.37176901901865 +1.00165576170372 +-2.39803467942481 +-2.34895977372029 +0.499903759417121 +1.91409578752197 +-1.61625456700756 +-0.273210484526593 +-1.88758023023653 +3.93679626577794 +-0.214594924167306 +-3.09785697713197 +1.28626631336999 +1.88031171313413 +-1.9165934695679 +-0.834775784196799 +0.764184151073946 +-0.0794797268178348 +-2.45171798831454 +0.967743299262197 +-0.330437544088772 +0.409234555731645 +2.48392899481248 +0.637936770334619 +0.869585555132768 +1.20103939408729 +1.95789607156003 +-0.347533605809071 +2.22257973060518 +3.4750387782754 +-2.14371996292632 +-0.181423697272976 +-0.385409968469906 +0.113705743764373 +1.38717665984267 +-0.959439032244406 +0.639806424208734 +-0.170019597992766 +1.24352401531361 +1.37478935921323 +0.201583451114693 +0.951387944226642 +-1.01312903037673 +0.47244511661382 +-1.06432158432296 +0.340582696540182 +-0.538349178771467 +-1.90618362586009 +-0.0523203281625342 +3.4017994058413 +-1.63949817986701 +-1.81040678861662 +0.121911364734933 +1.64205826256783 +2.13585929968855 +-1.83972641611442 +-0.262232180905067 +-3.11022428163603 +-1.18470953816334 +1.56699473995321 +2.21971216470051 +0.300213711829299 +1.36687578937859 +-1.18824174029185 +0.378846488426133 +-1.16600606408451 +0.257971735805504 +-1.37743274174844 +-1.44135320005814 +-0.698615859593297 +-0.0837805350068615 +0.801365703546202 +-1.01774472848023 +-1.87790997427702 +-1.31883253335729 +-2.48096608676045 +-2.66695051647705 +2.52844533646885 +0.49931911264224 +-0.129620045954484 +1.82154592960587 +0.0458791023328577 +-0.697690305161865 +1.31901384299228 +1.57813755282607 +3.28149959051798 +1.50716959041765 +2.34355344682291 +-2.19256404601701 +1.53685940036961 +0.498834745526481 +0.807533078854998 +-0.153068992033174 +0.383130702628139 +-1.68758654089409 +2.15845788203478 +-0.331521296339943 +0.769106088474014 +1.50236054940243 +1.11736562932488 +2.20194868479691 +2.25612658065651 +3.04851853965918 +0.328826264980007 +0.861173719003362 +0.358732737483956 +-1.83618153060267 +-0.300250348623497 +-1.71575032958936 +2.91528141676212 +-0.00505421310705212 +-0.801019484711314 +2.46672048009345 +1.97438412284171 +-1.19205611056364 +-1.88541964336549 +1.08785098785564 +-0.999768294831764 +-0.177489974025888 +1.69477856680706 +1.84497624172104 +-0.843905108415246 +-0.0397152391975544 +0.58839167294051 +1.67500256398189 +2.21125915814964 +-1.64656856572526 +4.37295019299335 +-0.93886939315171 +1.70040258682872 +-0.196073351113394 +-0.886295664633151 +2.27985386236477 +-1.42539440523835 +-1.69022309724354 +-1.03681490803115 +-2.59111016046433 +1.36056170709202 +-1.03362960401056 +-0.48346000667568 +-0.291097281899012 +1.08819531399635 +1.14023508770626 +-0.233221575621344 +-1.35755254556453 +1.13457966495813 +-0.360238989666297 +-1.9450084202064 +-1.20916831704787 +1.54986111013894 +-0.192148949412949 +1.13705559641659 +0.318370206664103 +0.370448146998031 +0.0968021805261374 +-0.299531289185594 +1.05304179611823 +-1.79123909778642 +0.473042485807398 +2.7570737417813 +0.964468205378978 +0.153163105645551 +-3.7457856953583 +0.0387041254990481 +-0.363830345535176 +0.213581755699218 +2.2131066935806 +-0.83374456310594 +-0.351397808827459 +-2.40580523323174 +-4.25460115887919 +-1.91694663095601 +2.22447224195172 +0.155907404734535 +0.660293150852863 +-0.539316981135454 +0.32799883879724 +-1.98485405474883 +1.97564884749344 +0.815330544225926 +1.86063509592082 +2.36065285143406 +-0.122997413580819 +0.618721447843936 +1.14577086405699 +2.27680714903728 +1.94921378512555 +0.85776019223751 +-0.480703419450334 +0.470308565775686 +-2.20210434065597 +-0.635792058634108 +-0.62951910895028 +0.922562688377456 +-0.753017789523912 +-2.05777439911141 +0.151115288138459 +-0.600302330162588 +-3.16046978523684 +-2.15983087940115 +-0.853427563369771 +0.315273795572171 +0.862904459623639 +1.29844862676924 +-2.25978787592307 +1.06188106627209 +0.0528820619454187 +1.17943676660713 +2.08489451767886 +0.479622803411562 +-3.79414948045392 +0.106775616629815 +-1.23954230811849 +0.379593143767339 +1.74463736983252 +-0.651961714371369 +-2.08881561076872 +0.281247841014743 +2.22253064652945 +-0.814533256893391 +1.60742717923569 +0.627377994631548 +-1.13611487867827 +0.351733094548759 +-0.469689837572911 +1.95946857693826 +-2.14284796657906 +1.89260927932971 +2.00810735609757 +-2.02572307466964 +-0.144514713202371 +4.84987018594803 +1.05543335981526 +-2.51598410018274 +-1.53704963545031 +-0.173974821054428 +-0.0671867583855289 +2.64834834859104 +-1.20656613322778 +0.401718182693097 +1.11383509265756 +3.84465637548424 +-1.67640621441356 +-1.67925308529738 +0.491792939795357 +0.961881024885018 +2.26559046162557 +2.10068291572189 +0.0222931300178827 +-2.15559313606275 +-0.749181385786001 +1.82532992683713 +-2.51272590882804 +-2.38313189220876 +1.95855034118106 +-4.02846694631035 +1.98968511512651 +-0.449649151623434 +-1.76466003264634 +0.922568110136379 +-1.25469856666467 +2.19977584545342 +1.24862101359255 +-2.77419073823451 +-1.53474298582043 +0.35130981910145 +-0.396557029146211 +2.256076866243 +1.73452099265835 +0.0328563705216938 +1.46933904127271 +-1.41472169940992 +-0.392273673162599 +0.775803063387487 +-2.13991974211102 +1.8512829148341 +-0.594593729791443 +-0.444146796496836 +-3.4142903996162 +2.41158436566043 +-3.32493007141871 +0.183564677226651 +-0.527560924661369 +-1.64875783203557 +1.65187710046565 +-0.91877474657375 +-2.2521661397157 +-0.12684186315215 +-0.916786077254105 +-0.550169557975525 +-0.553370590746025 +0.946663186265225 +0.610140534004416 +-1.21213881373464 +2.72912097377083 +0.284273243601439 +-2.76426273228543 +0.751350120041281 +-0.566918735721172 +0.668527122239641 +-1.02821619785445 +1.14328790514554 +0.0731781980807646 +-0.897330436630761 +-1.80285556858149 +2.55386057803977 +-2.43613426942941 +-3.0310143091432 +-1.19248274951633 +-2.06487775492502 +2.7522239429649 +-0.474930051077743 +0.00763988954699168 +1.74566429771095 +1.11940615458974 +-0.799717035621955 +-0.801012628107911 +-0.228624137145761 +-0.58336893531537 +-2.10337621795805 +-1.09571202734946 +-0.21979624629832 +0.607897347175655 +-0.752156290274601 +-0.074229004824568 +-1.23435470104457 +0.0622504630243264 +2.86776370151947 +-3.0628209480166 +-1.84133054883703 +2.55051558097028 +-1.07432440563205 +-1.78547501415691 +0.776688255759121 +2.97906941795426 +2.60419387057069 +0.78065636024386 +0.578611086088985 +0.463346349924835 +0.528397333441678 +-4.85087006836282 +1.69602337957872 +1.47724901477391 +-2.15362877523226 +-1.51894986953285 +0.989005087340375 +1.01963684066782 +3.44262885190808 +-0.721960448335973 +1.35913380015494 +-0.504623326082744 +-1.90543861722315 +-1.7642500255925 +-1.49982760589862 +1.18160154090402 +-0.547791063929446 +1.24081493545466 +-0.997976785123518 +-1.22018249154625 +-1.3800271728542 +-0.443627167316891 +0.653819649246052 +0.323120697469846 +2.59994335962383 +2.05391794195078 +-1.61561270895515 +-2.25493246093508 +3.07409091834928 +-1.01967206902229 +0.791026090421809 +-1.83501460760829 +2.30196886965651 +-1.78401012154076 +-2.64654090569851 +2.32664939903239 +0.0961944814005448 +1.29889720535369 +-3.69801496932616 +-0.73738360273933 +-2.29212700081904 +0.59026300556149 +0.209849798507205 +-1.58559454151481 +-1.05611480166268 +-1.24829417789069 +0.660395946855045 +1.53763123113512 +1.20694785202255 +-2.57025035663115 +0.841416474706261 +-1.28089816958205 +0.725931196754994 +1.74750051905397 +4.20349159501657 +-3.65920752200234 +0.989554670837522 +-0.024877457076085 +-1.08252652656614 +-2.85240721747161 +-1.683695228703 +0.419082706357738 +0.953871033075418 +-2.13360121694652 +0.105772835417975 +1.58848182157099 +0.296504621363221 +-2.41948707636498 +-2.12282119830722 +2.31611216606825 +-0.394931494920133 +-0.302129290246824 +2.85099717492564 +-0.211196566770299 +1.65143419735311 +-0.290258191945314 +1.89265284233485 +-0.706088795294863 +-0.18861043541935 +0.309631594812295 +-1.59139006905966 +1.17143436099722 +-0.585959515511039 +0.242295218130476 +4.54298225315229 +1.41508002809293 +2.45151810032053 +-1.36242878072838 +2.72480576640155 +1.32438075495966 +-0.96311808272633 +-1.5596130096811 +-2.12904048622496 +2.12833284469297 +-1.28777546754597 +0.5095980687044 +-1.14355817507603 +-2.08132069964864 +-0.459653391284805 +-1.23884607864019 +-0.314103822789197 +5.24311380886958 +0.852673793702406 +0.259637091517062 +0.450312376457371 +-1.66368876843781 +-0.00581243985948099 +0.206701390175369 +1.28949472291751 +-2.91899485274207 +-0.104449680885736 +0.219141403098628 +1.32961978325683 +0.527474298941931 +-0.817066759452537 +2.26590115501486 +2.18302910118503 +1.39182991474573 +1.00570879189806 +1.45011575829846 +0.0811294632707978 +0.421504434375531 +0.959841772333215 +0.853162973594959 +-0.467909595371099 +-3.28578859660374 +0.987939955255838 +-1.69503190059104 +-0.163891789556103 +0.37644849598996 +2.23622201211163 +-2.47091210777824 +0.373735204214766 +-1.84843438849435 +-0.852864624904447 +0.294243159445478 +-0.472550333547858 +-0.440074780907781 +1.60775951009563 +-0.961068843344246 +0.453765262837579 +-1.51232567245383 +-2.59858840471406 +-0.591846849000112 +-2.31947103095601 +-3.74759114076065 +3.38932227109837 +-0.212235616028047 +3.0792451114456 +0.180863728823286 +-0.980047871575541 +1.72366688969673 +3.47156535738943 +-1.79462259254208 +-1.42653295954988 +-1.40584787886767 +-0.0915695704126076 +0.909748888558319 +-0.797044384089807 +-0.332905342941776 +-1.75402681806881 +-3.57610136815019 +2.1254783744468 +1.81847367638557 +1.39303835809384 +0.548889875274449 +-2.52964884504179 +1.71557797134725 +0.659744293821788 +1.68732661313509 +-1.13648833793526 +-1.22345582945719 +1.90241316372969 +-1.65428452285532 +-0.715062584120996 +-1.45509613597698 +-0.28802593919106 +-2.27222098359833 +-0.935373997454821 +2.54509530141005 +-3.14456978614119 +0.840255169959626 +0.185717632641459 +2.17457828276469 +-0.173217499155328 +1.29423419921632 +4.07036700502973 +-1.127095668254 +0.722425617257217 +-1.92747697354737 +1.5145968391609 +1.27805829185447 +1.15745392737333 +0.283930670458634 +-2.71046901860308 +0.274019320747124 +1.66800198753818 +2.17253700625158 +1.78920281998461 +2.2850409758203 +-0.511136267377762 +-1.24560080695939 +0.51123147854524 +0.220047658272864 +1.95141197769853 +1.42302314240851 +-1.65259584468854 +1.02001688639164 +0.991546534190098 +-0.722204077143715 +-0.840075789619465 +-1.83157397173308 +2.94858453656065 +-0.620039487187125 +1.13711609140638 +-1.44662313767331 +-0.153677963176109 +0.89379645881075 +-0.499082565182595 +2.78463193743386 +0.0384209691068195 +0.568238915919428 +-2.80551211459607 +2.66711952067958 +1.43967726834336 +1.0627674108056 +-2.01166047710598 +-2.71982132089636 +2.52967918993779 +0.269265948439222 +1.48609148156878 +-0.618611409498361 +0.883562931248059 +1.56340500462036 +1.49971018104073 +1.85375099593978 +0.109588575720743 +-0.929651628489189 +-0.355100239372475 +-1.14476441406633 +0.326927617778604 +-1.98186049903 +1.09391125806047 +-0.601572666110683 +-0.416368968919837 +0.959422010363805 +-0.876845108074862 +-2.482850547441 +0.228834043917805 +-2.00203682581663 +-1.36111391889826 +-1.1016778699676 +0.387291339577893 +-3.94497674430184 +0.59105640940468 +-0.649087986435076 +-0.270041756466311 +2.67452499981053 +0.552773862365215 +-1.30263197866709 +-2.29544533813148 +-3.84578729694598 +0.706900490659571 +-0.727196447306237 +2.0844782361103 +-2.44707709977831 +1.43974295867257 +3.0374987595644 +0.918956952229901 +1.40511026900404 +-0.954209253863586 +0.00859233755469679 +2.03317877114926 +-0.541079244730138 +0.234735143747824 +-0.940403252291154 +3.17130790317818 +-1.0268932277246 +1.32636775531925 +-1.38213609869703 +-1.03941041295413 +-0.255373622196157 +3.04000150171611 +-0.831621554758041 +1.113869249426 +1.40904649889331 +-0.709187502078007 +-1.95811236362509 +1.50451415218611 +2.26099373482136 +1.13911406115081 +-0.528170059484269 +1.31646221174701 +0.341757738607358 +-2.49037908069041 +-1.27448528071214 +1.13506226650526 +-0.140161932545952 +-1.95936915833231 +-0.913309429897948 +-1.4534183337294 +-0.965016603727958 +2.67061132775441 +-1.00473712825721 +2.43635001910671 +2.53665965998506 +-0.604232267960598 +-1.0576125310849 +-1.60253322404649 +1.45119791816584 +-1.69842381621155 +1.75579698004476 +-3.91034537625341 +1.36619730870461 +1.59061253343367 +1.05594566510356 +0.838622723633406 +-0.553447720389975 +0.753630958157234 +1.24349982554398 +2.81345184243497 +2.24264942150331 +-0.712050013718452 +-4.1293574839863 +-2.34867940728508 +1.78721919408969 +-3.29760035425126 +-2.23640852755423 +2.0041092841642 +-0.655674590009874 +-1.20581908708179 +2.00196394320666 +-4.34162702603777 +0.320024073188847 +2.25986771419947 +1.06196829706972 +-1.90318251140172 +-0.0321688923385228 +-2.49324263119963 +0.779845587315617 +-0.549835143431977 +-1.46157621212501 +-0.645590218347131 +0.13033682819664 +0.52372584749963 +-1.75933599796398 +-2.55686986501095 +-1.13166840150696 +1.05950464790311 +0.246182174310405 +-1.70728806556614 +1.05358826511611 +-3.64818121317087 +0.902976998920643 +1.26153184700103 +-2.20213002504773 +0.495410333673978 +-1.64175164353149 +-0.664013248982732 +-2.45808370845972 +-0.0586643834073524 +0.414694602581691 +-1.4462090240454 +0.6395115441159 +-0.34278025528245 +1.53912579270415 +0.630048427991019 +-2.78538089208467 +-3.58212765753437 +-1.86272004440619 +2.12634014961658 +1.6047290762532 +-3.843240124918 +-2.06957154330882 +-1.32917627407518 +0.268262329350213 +1.66599068946741 +-3.39240841961071 +-2.59132490164768 +-0.386761705115624 +-1.072822429152 +1.49781566630601 +-0.748313853205356 +-0.276611960263139 +-0.497933103619789 +-0.0823777416361903 +-0.0102725017661025 +-0.063871671063136 +0.105714668118266 +1.02753990119837 +2.33235908214512 +0.78921738468432 +1.12862651684939 +-0.205974674985902 +-0.308052597583679 +-2.19248318877961 +-1.91600210674043 +-3.26572827770934 +-2.93654840577244 +1.64930017583843 +1.83417082833918 +-1.17117347446651 +-0.842765272517019 +-2.56509681679516 +0.012022015169839 +0.678891962398159 +3.77462681933567 +1.52859296517682 +0.157633738488917 +-0.912162987448945 +-0.664115852794012 +-0.837670199232866 +0.166976010454031 +-0.868745287342137 +-0.168315030776264 +-2.62747516372916 +-1.47758799266956 +1.60361885932784 +0.469380888153985 +-1.4625384267066 +-1.56697125484146 +-3.46201401328057 +-0.262705111282545 +-2.67429415972365 +0.745945895274721 +2.31643039935165 +2.46676369160245 +2.8942717951754 +2.9572190050967 +1.31090112538623 +2.30359840860252 +0.260795141169659 +-0.0416194944260027 +-2.55631064923371 +2.32046693172793 +-1.43199303281319 +2.8527675112841 +1.48477770311227 +-0.874800994069986 +1.74288285918815 +-1.74412331987454 +-0.218835692623576 +2.09438541548574 +-0.776216345898544 +-1.9730649186189 +2.96237618779532 +1.49574883285861 +2.83557870296104 +-3.46626908387754 +-0.147278415961969 +-0.800105123542835 +-2.33514106342494 +-1.73206091884944 +-1.70345531618367 +-1.39970268514594 +-0.683811319462898 +1.04600737168498 +-2.37897733974455 +0.0252360772533637 +-0.0804474557875795 +1.42949112203021 +-0.0935302108644647 +-1.96961169235462 +2.76628270694486 +-1.39912444831781 +0.684526713083119 +-0.0617557289700713 +0.703342630020215 +-0.0583265254085273 +-1.74809936875928 +-3.16209919555758 +0.221763804294497 +-0.840222118548848 +0.297632348580135 +2.13097809522315 +-1.46029862555274 +-2.41511116830932 +-2.97831627240229 +1.44958938246731 +-2.1100546998031 +-1.07584836323724 +-1.974479090484 +-2.77567214876493 +1.079873153741 +3.66331648723093 +-0.266099678087465 +2.39265784880706 +3.43731573483572 +2.70785755633944 +-1.82770611027311 +1.38784308868342 +-1.88447929052363 +-1.48237442584454 +2.79657184741408 +-3.53320397751439 +-1.56076586689851 +-1.94819242291481 +-4.0939597032676 +-0.849500511517218 +-2.65427477085643 +-2.0215972254822 +-0.701395282393639 +-1.28818915605144 +-1.08099925090758 +1.73344400606102 +3.16005346554347 +-2.60023752826067 +-0.167400940847998 +0.0660708316321563 +1.87912554213413 +1.03969378592215 +-2.21236380789068 +-3.84280389156729 +-3.02402528510432 +2.16739025539193 +0.184887990997909 +2.31117963422299 +-1.30798210527004 +3.94873384996189 +1.01956833446322 +-0.907109277856148 +-0.512154773728941 +0.615563599324791 +1.28499752553366 +-1.65483296017921 +0.195199039096008 +1.21684535129265 +2.10871176739507 +5.11694290949679 +0.834728530491827 +-1.00881128226253 +-1.21613985117363 +-2.94017112904382 +-1.42658747813577 +-0.353780500522186 +-1.03634092978041 +0.508932707842856 +-1.30464518220395 +-1.23479327478387 +3.99740928653802 +-0.170453445449865 +-1.16443257111983 +-2.14144541064527 +-1.39464219832695 +1.26569947414082 +0.337161729697088 +0.434852467182855 +-0.225080833803165 +3.37613408765575 +0.922451396172591 +-2.9186047357113 +-0.485975793666255 +-2.98309136422723 +0.319880611091398 +0.0572491209065868 +1.11788316668811 +-4.43181386533703 +-1.26585449871735 +1.5771937852056 +-2.12073712016476 +1.73553984802215 +-4.65947449513047 +-1.66343409372666 +-1.01919823125649 +-1.50404736274623 +1.78699909251906 +-3.1148644328339 +0.919298208136149 +-0.804333243055616 +-0.143330012809327 +2.9356490249046 +2.70952940357405 +2.30655549509597 +1.90417900648778 +-2.91902054157239 +3.05049442236514 +4.4881195547914 +-1.26249536950675 +-5.05514195745462 +-0.766683183510486 +2.16548670751771 +2.74342969295273 +1.40261506882554 +-1.97056142421838 +-1.02126953923315 +2.98280274399102 +-1.18243643285553 +-1.04584926913454 +1.66209027130514 +-1.46423557804279 +-2.15162694746415 +2.0101325605722 +0.176309589752956 +0.772466287167366 +-1.41589992160589 +-2.52373281594121 +3.79501763604536 +0.113220028334414 +3.44934047394832 +3.15732033790759 +-3.03875423761014 +-2.2405397750801 +-0.686099593332213 +2.64405142209278 +1.13265819361197 +-1.65002209302799 +1.62442575892607 +-1.62664212650659 +-4.21858087659368 +-0.994349504158343 +-1.18534328366442 +4.39500268778243 +1.13834426255232 +-2.28527965148527 +-3.40997006651697 +-0.297130105306725 +2.90325719346254 +-0.77490758385165 +-1.12718610826702 +-1.15825670265541 +0.580756197751894 +1.06447385725547 +0.518566714899682 +2.42455437983903 +0.493579841712207 +-1.89818040065452 +1.916109427512 +-0.79745081035809 +-3.69175794494301 +-1.11934455078647 +-1.49168972038413 +-1.88587966059122 +0.71422098611362 +-0.631012175730937 +-5.75377321503364 +-1.8281314047058 +1.29898156737546 +2.23824705390756 +-0.68536140944382 +2.75783951400647 +-0.609190882238864 +0.548105491331081 +1.75505874673974 +-0.188880419681346 +2.33096407196436 +-0.782173674419832 +3.32462307227965 +0.54887140809296 +-0.627024963611345 +-0.436227277311537 +0.898606344089407 +-2.95908002281891 +-2.23852308957452 +1.33833742056316 +-0.512417502860347 +0.111289801567289 +0.0130239508708774 +-2.88294310795134 +0.590720202478107 +1.53180601724753 +-1.04311697148257 +0.332130583682348 +-2.40061186173406 +2.81706516352796 +0.937254972733105 +0.423811901980205 +2.19620033380072 +2.89942239037053 +2.11149676643219 +0.443250660664332 +2.21566532208022 +-1.86561109873267 +-3.96031329543191 +-0.319595194015166 +5.2019970585473 +-1.0313962827906 +-0.493116448728267 +-1.19172149717775 +-0.0383276761659683 +-2.3661141418053 +3.38534489891806 +-0.388037515562503 +-1.5239931031676 +-0.0514712474067845 +-2.30685895729093 +-0.551196005407138 +-3.27253121461425 +1.80698036924591 +1.23978200846477 +1.33635320607274 +-1.67385549204734 +-3.97555584163754 +1.36530400101104 +1.68305293582688 +0.229623192656686 +1.05517810544157 +2.49906553046891 +1.29642341817367 +0.221599626026395 +-0.0883795605174794 +-2.89532829646963 +-2.42905167595284 +1.30723983865268 +2.61699060977608 +0.927586302471121 +1.81476606409782 +0.58025001669081 +-1.71473731774995 +-1.70300842780921 +-1.97985404946472 +1.04106456532986 +0.208597637870517 +-1.26088038981756 +-1.67453336491173 +0.844823944138746 +1.48661782307887 +-2.60832483029203 +1.68242637352502 +-0.857883402485485 +1.98634134052879 +0.974231863006056 +1.29821332029785 +-0.0769224640177175 +-0.667940089750883 +-0.435437585289911 +0.127458391754328 +0.629067465154451 +-1.04155237682804 +0.481330335733255 +1.6581824171478 +-1.51122484732152 +0.315433893952195 +0.0804897075770173 +-1.99884608713265 +4.70340960593644 +0.840161135634049 +-2.04881101147958 +-1.76282130834585 +-3.3220302238805 +-4.53244575830286 +0.338990928694006 +1.35929950227726 +0.876637330433171 +1.71457648145124 +0.419045264847115 +-1.46708216706823 +-1.86985493319265 +-0.903655157846041 +-1.42452277472937 +0.052543764431828 +1.72705370140865 +0.132808671709179 +-2.71900741851284 +-1.84171012801467 +3.34766311704871 +0.337148003565047 +-1.24118485310605 +3.24599317431977 +1.95842886402458 +-3.49301224214578 +-4.19865838541654 +-2.21606809281073 +4.35276801507322 +0.795534006915294 +0.76970460611507 +1.32058104422796 +-2.6955807387694 +1.33203029828006 +-0.106976320339192 +0.787541237866288 +2.78065853197671 +-0.653450905319751 +-2.64370346790143 +0.551423590471182 +3.22706653053126 +1.31274249972778 +4.26306346771797 +1.07280832392593 +0.752668336707742 +0.262133420672576 +-1.06480256307568 +1.70586243891338 +0.396250462092139 +-0.780836507142476 +2.561543446522 +-3.25792268032024 +3.94613271634931 +0.0290484138601784 +0.811300835714373 +0.210176086022172 +-4.61157695441411 +0.226785930157045 +2.10268016435458 +-1.59419027804117 +-2.36246305964674 +1.74704347116552 +0.595703575237348 +0.130258318349214 +-3.94270782952378 +-2.12076982101153 +-0.225573870446372 +0.0547743632522215 +2.18568865677423 +-1.93817674200829 +-0.17875857413902 +-0.130061648142543 +3.12995354885054 +-2.57609079540626 +0.535146225209205 +1.59463453152059 +-0.981560332998404 +2.82994544177163 +-0.0385683838769819 +0.211669202831979 +-1.55630465495248 +-0.960989168748893 +1.48002958667252 +2.90613490751709 +0.565747545273138 +2.87725727645801 +-0.837555851611292 +-0.0501527902001058 +0.899879709935 +-0.184726000483046 +-1.32191633464975 +-1.41094295377191 +0.394189803745504 +-2.1804796848952 +-1.70961124682553 +-3.11122629991241 +-1.30388069663722 +0.92927257847693 +2.8109859948731 +0.327700561508379 +0.0941063700747651 +-1.80605754764676 +-2.82595354168509 +-1.41593363444989 +3.01455229705989 +0.993275772878748 +-1.60481710859044 +4.32301830023723 +0.0666244846559096 +-0.0226278493541637 +4.50321402108547 +-1.96316850530097 +-2.27592689234211 +-0.00352648372627984 +1.16343867303304 +-1.74360432731924 +1.15563994963006 +-0.419687627363127 +1.21967000303865 +-0.551776979200657 +-0.506382616636622 +0.266417425454756 +0.648503918755576 +-0.153779334713787 +1.31092586570016 +-1.82920973254245 +2.51291431029179 +0.798952801720643 +-2.16936406939371 +-0.149680410982345 +1.93890420445613 +-0.436778265451572 +3.29642182251911 +0.999961443033517 +0.786085609157677 +0.92420930405117 +0.528984891752477 +1.35445719278224 +1.27315186019465 +-0.711752996569323 +-1.39356589026777 +3.33776181773281 +-0.627425720123778 +-0.908730596539358 +1.91919623601735 +1.72444602128986 +-1.52172454696479 +0.00906307390106675 +-2.89074011159991 +-2.63958082617931 +2.43417903023258 +3.76776253364103 +-0.708464959762354 +0.601635132548886 +-3.47447363297245 +0.82333444001505 +-1.81774049435695 +-1.54384118630796 +1.61042874843218 +-1.88961556632445 +-1.77675492565352 +-0.0747442481428648 +-1.86125175504041 +1.00540356210288 +1.07803852007638 +-0.151424528881411 +-0.421537189331437 +2.18622517486873 +1.03694444753215 +2.84924617922326 +2.40456356118914 +-2.62634175801273 +-1.88845141672028 +0.132852945664299 +3.46359407262193 +-2.14993175715738 +-1.49619020364142 +-1.052941045991 +-0.877427784785306 +1.67480329042856 +-1.22223545896732 +1.28724878761973 +0.00207488315596396 +2.20216122220029 +-0.519602089484638 +-0.117609134498 +1.64500692730883 +0.691945164853524 +0.973231856802379 +0.106901652883146 +1.41052373867059 +-2.38134310340407 +-0.568425129000148 +2.60986171316067 +-5.73508773383882 +3.53291877549265 +1.10016812285834 +0.265533940585091 +-0.619713774755513 +2.39266461722407 +0.8119189423693 +0.001124167796275 +-1.38790104179943 +2.05647296383809 +-3.63765714018735 +3.97050970279668 +-1.64347352573367 +-4.58789020051389 +-0.464892682631452 +0.479832062317235 +1.55764991911854 +3.89638934170429 +2.20632610431356 +0.931085791296119 +0.474799752616915 +0.107954288492252 +0.866598785409884 +2.71488358175688 +3.45053183181681 +2.97893713390944 +0.466798287342921 +1.82900397079527 +-0.520780091937182 +-3.10175231446889 +0.782916549519402 +0.963017263462139 +-1.19777912925063 +-3.08824240231225 +-2.89481006411086 +4.31880670770952 +1.59188607220816 +-3.74618789993225 +-2.3005062843136 +0.471647586944983 +-0.693214189574975 +-0.0829177760426002 +-1.37127295973304 +0.380293578795902 +-1.78539907589471 +0.692272784301387 +-0.982975333622495 +0.0703589062196248 +-3.68407379857581 +-3.36745985022646 +-2.87235749149592 +-1.10932161634391 +-0.284893903112415 +-3.44427291231505 +-3.20134226253238 +1.99238050456297 +0.667022075352851 +-1.41176860358114 +0.54249448202744 +-2.41687002416576 +-1.41394507988162 +-1.71400061926167 +-3.23310953082141 +-2.14075511529518 +2.17577082484834 +0.694898471180404 +-2.70564538804546 +-0.906791380129137 +3.63798234466516 +-1.13295411009465 +-0.353659947766221 +-0.717297738924404 +-3.78076090187949 +1.36224837562791 +0.688119785671601 +1.55911157865014 +-2.53996250766737 +-1.34147194136898 +1.76783391898806 +-2.1337339551149 +3.14293305228708 +-2.38748527952849 +1.85882773819637 +-1.62459003118758 +-1.27509295150119 +-0.0698786390722763 +-1.4044011410567 +-1.81971309074011 +-0.0418933087078907 +-2.39414191745441 +-0.680468004203774 +3.38849094634596 +-1.89140468832999 +-0.534209371979139 +2.50916766020065 +0.483643126736117 +-0.0636012843417798 +0.293855216774596 +-2.02065534455747 +-2.14035956019982 +-1.96958188211455 +-3.07838736598676 +0.319203739050745 +-0.641100446937916 +0.386506826321691 +-0.189485212965913 +-0.838974701788147 +-0.451070043307595 +3.69654510572862 +-0.821569490850681 +0.897821198148197 +0.676698983861714 +-2.34069143320758 +-0.139819747438674 +-0.610243464077209 +-2.52127185424276 +-0.087524602371116 +0.460146725688707 +-2.50006859279412 +-0.292818637009431 +0.0350385816903774 +1.17806741533121 +0.788372219890399 +0.429073921689762 +-3.04288778728393 +1.29329835967402 +-0.560114489869064 +3.79620759316319 +2.61674705519775 +-1.19410040763304 +-3.42550594268577 +-1.58275865027735 +-2.78950854180108 +-0.0221377352853924 +-0.33780470071985 +-2.27170807307276 +-3.45277724609177 +0.969682296486734 +1.35511970442298 +1.93707484902899 +0.119315456559544 +1.31128924856808 +1.9721039042507 +-0.274401007610999 +-2.39532873728615 +4.03764274797803 +-4.68657944338264 +0.452185366005809 +0.0965868637325671 +-1.58260900798916 +-0.302453907725556 +1.60578427371401 +2.62049965743899 +1.66672989384134 +0.372800946643679 +-3.20801994672608 +0.47431879309619 +1.70590448931343 +-3.21806905458047 +-0.673699168545033 +2.53947608260207 +-0.457828423985053 +0.764721303655142 +1.80183498367085 +2.03091766028879 +1.36808147945471 +1.46764846150538 +-2.20315891244512 +1.78264910607292 +3.04352757567036 +-2.3709686688209 +-1.14535045117991 +-1.67090068593425 +0.458200919122063 +-0.526060925273658 +0.304621780709973 +-1.33262412323337 +2.87272773576841 +-1.20317378205143 +1.58361865716553 +0.0195042655754162 +2.97618353543686 +4.8589474854152 +-0.272307783238735 +-0.94470887911934 +-0.628062374195597 +1.03889371244656 +4.58174148050393 +-2.73981436290634 +2.71051349281329 +5.53824008520877 +2.07771797066036 +1.32013447392741 +1.46615196468062 +2.98467696587753 +-1.58887958719108 +-0.961780525149507 +3.61192358559792 +1.11126089541166 +-0.669759861431588 +-1.252893349959 +-1.06438348477158 +1.16300467123027 +-0.0162414497339189 +-3.65476048025176 +0.361275616147257 +-2.19841342019844 +0.934180539701118 +0.78635895279818 +0.114940116786109 +-1.81344508735136 +-0.63084242105839 +1.89666967329755 +-2.28384202426947 +-0.76842993825219 +-0.691767560703319 +2.17806417991376 +2.30883720265026 +0.979727008111497 +1.08399830189913 +-0.664621985083497 +-0.328592740630384 +-0.206690486327518 +-1.20067857765303 +-1.78237670393714 +0.460737854287067 +0.750860894112253 +0.401144344930904 +1.13082756862708 +0.41447159330841 +1.49240588151011 +-1.64545181557534 +0.631782167784211 +-1.80420629526122 +1.84078631211223 +0.888901336999313 +-1.13124369539493 +-0.811559714545409 +3.63588683607609 +0.472276745984139 +-1.06481955057952 +0.477803110785942 +4.15916445300601 +-0.509330118027052 +0.682573216542637 +0.394773464031076 +0.506934340739393 +1.00094381939186 +0.0870061174226413 +-3.35455400887573 +-1.94641353368071 +-0.0117224604378073 +-1.60174694791792 +2.72279356767948 +2.67123470196474 +0.0274433989420397 +1.92617933861139 +-1.40032995984399 +2.36340596648861 +-2.35298939254461 +1.65809010968369 +-1.23838082556453 +2.45952449683864 +1.0900248157315 +0.717912777097514 +0.598226626116608 +-2.72861379877928 +0.942412785344549 +-0.750010463393751 +2.60689069327515 +-0.112565370706533 +0.888792239742985 +2.54039624545012 +0.992799375779323 +0.569561179948028 +-1.31848716340214 +-0.0212656128154203 +-0.656373571254895 +-1.84833651579095 +-0.989720111348024 +-1.05992726067814 +1.97681276574877 +-0.562531065027773 +-0.60672786753959 +-2.2468196135623 +-1.20531639965284 +-0.661352364940009 +-2.15679247064675 +1.89111484859545 +1.74682956754606 +-2.18581151053271 +1.17327976322589 +3.87264046181308 +0.860588009885247 +2.34038612719496 +-1.45206592104989 +-0.0820603266918813 +0.679401661207821 +-0.38862680774625 +1.11067281502532 +0.384222045858444 +4.37844863323717 +1.14655911549408 +-2.3724932400485 +-4.21733708535939 +1.38092988579883 +-0.682131636414548 +0.3199387871249 +-0.171974548501702 +0.371311223273808 +-0.265145026928874 +-1.66242378649327 +0.790257728556471 +-1.62123336750902 +0.92575269991083 +-0.605816964861482 +3.2628568070016 +-1.09315057154068 +1.57401449313713 +2.49142962024734 +-3.74599448902042 +-0.356027520043415 +1.06345590459687 +-1.55972380079618 +3.00723455835179 +-1.53620985896325 +-0.738359471506717 +0.156292431609796 +-0.0565465190632237 +-2.67800882027466 +-2.08012797895757 +2.40703056042335 +-1.20332540071522 +2.55043364987205 +1.85218760763095 +0.460090709255594 +0.967496161214717 +0.907754676346428 +3.72262164166504 +1.35167424421541 +-4.74332203625791 +-1.89794958361808 +1.72159877392648 +0.369984568324886 +-3.92244288396506 +1.3547274927702 +-3.55499325341652 +2.16495880965272 +-1.01421039162056 +1.19729524174926 +2.73967595442373 +-1.99741315286386 +4.16243101386883 +-0.202373763208451 +-0.832411869170782 +-1.66517435172622 +-1.27589702873099 +-0.583494897114522 +-0.288183726032526 +-3.61372618841421 +1.37362818383297 +1.88824619647234 +0.644432396296959 +3.29803886969292 +1.73293949485881 +0.456875812016982 +1.56390797458274 +0.355298233925464 +1.27497095806186 +-1.72344449652535 +-3.21964494584144 +1.53338388629073 +3.57794734494594 +-0.798400014849892 +1.12940568941817 +0.277484203678748 +-2.76209256575149 +-2.02239163395388 +-2.36810561319338 +0.30805464148956 +-0.118831576598282 +-4.17126837453399 +-3.57788677017551 +-0.870449580719979 +-0.394612051251286 +4.34173945167882 +-2.05063226307084 +-0.575227567960073 +1.85805441700609 +-1.72753800314329 +0.937390359471197 +-0.456604508231149 +5.65619008096029 +1.0724116907022 +2.6748525814378 +-0.619509225025309 +-2.03852061632684 +-5.07790500233485 +-4.67171916345034 +0.787613633222199 +-0.590671369096964 +-0.884232402238679 +2.85336883397988 +3.08499620974376 +-0.4378377601144 +0.155208119525638 +-0.153329224960301 +-1.38960049203009 +-1.78135695521096 +-0.294124526620002 +0.347183711315825 +-1.61999612277612 +2.86988423353075 +-3.37376551628742 +1.49178234819437 +-0.326691138430778 +-0.520545936560678 +-2.68737171535668 +1.55231916486729 +3.31137929467818 +-2.1801562057127 +3.48104771229548 +1.00761650343402 +2.88548718677435 +-0.859639888258715 +-0.408198448599632 +1.06568338855331 +-2.58960952748961 +-1.86257549502388 +1.12894182586152 +-3.77454817740812 +-1.80056517490854 +1.66827254999772 +1.34733595125428 +2.07317142788872 +-0.210473576857428 +-0.658663188712779 +2.72900229655054 +-1.66575783095696 +2.31866582425717 +-1.47074451807394 +1.10856430293834 +-0.660617856327668 +2.03028636440102 +-1.16866880077565 +2.41942194387624 +-1.72366553116309 +1.36256354093603 +1.81228705301202 +4.14490841755116 +3.49021892726517 +1.72463697491601 +-1.63331903172903 +1.72623003579988 +1.62377300556526 +0.6712308419669 +-1.10652740697372 +-0.976399874848313 +-1.80435923926753 +1.30635411064661 +1.22113783071772 +-0.0305017788402564 +-4.77648848727459 +2.51702096354826 +-2.79305431202879 +-0.441841455497502 +2.35591295791341 +-4.44713862998443 +-1.29782384871665 +1.56645268325941 +-1.29379178527041 +0.312433829388759 +-0.196586421141305 +2.75754074089232 +1.81917003495078 +-0.509131417303008 +1.18803286255638 +0.042463284269219 +-0.581690468312785 +2.06381990068619 +-1.07141566549096 +0.583052967453294 +0.779904931399856 +2.35743213639115 +-1.26742492381455 +1.76541446648525 +1.73581167837732 +5.3395897787952 +-0.081317988516409 +-2.34221007983814 +2.86920415591672 +-3.73886976417847 +-3.17526233067414 +-0.0448919948099749 +2.72062827004492 +-2.9776227741641 +-0.351301521425093 +0.651227245328019 +-1.69372482252405 +-8.35836734692508e-05 +2.09385936231948 +1.91612221458271 +-0.073669471681186 +1.80078006792602 +1.15166859793735 +-2.7167381548176 +-3.52906657200891 +-2.74042788443018 +-0.306439029447631 +0.317523514381449 +0.0628138156430622 +3.12023663642085 +-0.26262023018577 +-0.481057452030189 +1.62969450956758 +-1.20879557033856 +1.48342689126932 +-0.82213479547522 +1.04715305020514 +0.562376907081801 +0.217755532374327 +-1.18889229940868 +-1.34648659072628 +3.16584545279808 +-1.72610351549947 +0.294518164613719 +-4.31057519684327 +-1.53444226772917 +0.732538014500774 +1.36617015605106 +-4.16210248042478 +1.67868928748432 +-2.9449846599846 +0.0324071559001391 +-1.11926330939478 +3.60433370703437 +1.44275904354964 +0.687805526568234 +1.64323362471404 +-2.06911881176421 +-4.0092180876841 +0.393159929946896 +-0.346345461362401 +4.96207148866958 +1.4692662967804 +-3.26060765695004 +0.401627141078023 +2.51377977295921 +0.21129112239101 +3.57467730763215 +3.33584918887711 +1.52174423462575 +3.74762176134527 +-1.1946858377523 +4.85838780200521 +-1.06809774695105 +-0.901814964876446 +-1.54062169700856 +-4.86235696761164 +0.77156996450093 +0.939023302138758 +1.66098552413394 +1.90479499014561 +-0.473012616465703 +-2.62702001580605 +0.657458629278801 +-3.1927194134261 +-4.67655032178199 +-0.704893095461744 +-3.29116226942743 +-2.00856215647799 +1.823577700271 +-2.39645541329285 +1.36783881875045 +-0.134436729408549 +-0.801701012444928 +-1.74425628069944 +0.372438446750449 +-0.988676368501302 +4.66421093536379 +1.85903204266183 +1.66646763514794 +0.616429622294569 +0.199050180568824 +-2.3561078431204 +-2.43355355874416 +-0.744082071813776 +-1.90535627577108 +1.92192677097743 +0.800774327844732 +-4.40193534784158 +-0.0282326507200403 +2.50135152960933 +5.04538582034724 +-0.126272768757591 +-2.63327280908988 +1.90291705876275 +-1.39373157699927 +-1.22330923071238 +2.3996993783115 +0.780042065245804 +0.664458386835664 +-3.08499594663865 +3.52011799803372 +-1.40698971467072 +-0.457697180314555 +-1.03481573888327 +-3.81721438169125 +2.46542400193545 +6.46358110286483 +3.12511944033836 +-2.42205483282056 +-1.3203355853559 +1.53396040834306 +0.259863887128056 +-1.48545920239877 +1.18721401724429 +1.98076877947792 +4.2861819606035 +3.98230439224047 +-2.52386942830325 +-0.0895913389823341 +-0.595647220908081 +-3.21569711391939 +-0.718287022625613 +0.204654897586645 +2.61573384451892 +-2.96864954852395 +2.00271119748308 +0.668457316208113 +0.386131322911114 +-1.3349481296846 +-0.372078589529799 +-0.783330573017602 +0.586519257791816 +0.689095587098426 +-6.27382967631504 +1.95108858935277 +3.36616555070388 +0.559843621153593 +-2.84958947346197 +-0.648814005844775 +-2.04766891975508 +-0.527158336177633 +0.398732877118553 +2.17088095434891 +1.26118911313543 +-0.711928888201019 +-1.15070696063472 +1.92543127785416 +0.494811599973344 +0.89731642479456 +2.33260880699562 +2.06738916991491 +1.45621478159328 +-1.80392529961856 +1.80704398139099 +-1.52896131142595 +0.818374654854828 +1.30562065545312 +-1.5241683186035 +-0.917528060971712 +2.41845186981651 +-0.576948759715538 +-1.6177576374474 +-0.702556784089037 +1.13988702117476 +-1.40301801623538 +2.04223823492746 +-0.0376542138370838 +-2.14552954525474 +-0.52838559376073 +1.65281628669655 +0.94731311206173 +-0.723768766043204 +-1.40344162086571 +0.998248133184229 +-3.30505013204292 +-0.673611132506804 +-1.28374584702769 +-0.809463479063683 +3.10004028441716 +-0.361486276650739 +-1.75875450484766 +-0.64631014807404 +1.49728085433794 +0.599726732743145 +2.35521408759353 +1.56176773206246 +2.37531087534264 +-3.10514085955738 +-1.38114374527032 +-0.807228667725711 +0.373329854422674 +-1.1159686390575 +-0.280612904637357 +-1.84072465083946 +-2.76421936212545 +-2.79224885703565 +2.61982744856777 +-1.06797426412825 +1.10545568982359 +-0.35166847054655 +-2.00643989238966 +-2.37275302880429 +-3.49643977767954 +1.44527899945571 +1.24071736028909 +-1.4440243216299 +1.36022625227045 +-0.9190583956486 +1.06372416743382 +1.37805736664065 +2.25750110116353 +0.578805845192799 +2.03769484938952 +-0.360474342003345 +3.41377215255577 +-2.73854855778958 +-1.35931411463813 +0.908534582598799 +1.64333375243724 +-1.18041518905615 +0.373026412231922 +4.58637441909967 +-0.0748052900544484 +-0.672855333034742 +3.19215820704307 +-0.710989508351178 +-0.143904209266122 +0.915601785764722 +-0.460268054494013 +1.83342097427232 +0.963920184140628 +2.04442159066441 +-0.801059282525038 +1.62129147064476 +2.20405822334227 +-0.143203557972168 +0.00104312209954571 +0.199211357110972 +0.958851678722849 +0.0708869376026442 +0.964994353155776 +2.5440880673534 +2.23794460501396 +-0.0801125216539968 +-1.28904871089238 +2.71717269842926 +0.199243779822632 +-0.968537994183486 +0.793224622437862 +0.222542933426421 +0.62591638030934 +1.18480126173591 +3.72559117856877 +-4.93619622512345 +3.0699864890987 +-3.2087829486115 +-0.887685180505169 +0.207315952534864 +-0.501552970039885 +-1.78127494568039 +-0.0930380944303681 +1.19875436427182 +-0.203879463011647 +-0.370661906557622 +-1.23199155618778 +0.853795465578932 +-2.73044580565971 +1.52478417034658 +-2.97170561827785 +-0.819627163978377 +0.681386380923494 +-1.98046265135738 +-0.0118292552423135 +-2.6502796593356 +-0.797635804919881 +-1.65274229753254 +2.34998037258613 +2.92538742531146 +-1.30798683319973 +-0.627436693384088 +1.56476273952376 +-1.40257499264277 +0.566302481824329 +1.30983699299441 +-1.14880752682259 +4.0226814499835 +0.444480572857765 +-0.46421523167017 +0.271070319540445 +0.581199345862976 +-1.25715091079848 +2.45357605971284 +1.86020465097023 +-1.55412413222793 +1.49176819930293 +-2.84358041917812 +0.153356510497839 +1.55886086558151 +-2.55359375501824 +-0.941622049484596 +-1.15640099294344 +-2.78637311629588 +-1.50216471308482 +-1.44173069458625 +2.70743640217652 +-2.1749722565834 +-0.191928886261042 +0.860278463784638 +0.169947741543091 +1.30690276193027 +-1.39434454870302 +-2.80449371735534 +-4.54944642040822 +-2.25568774346912 +-2.68339750688106 +-0.85159536865577 +1.91820313864374 +-2.1470749580631 +-1.64892422004 +4.24342285903243 +0.503577311492563 +-4.1864979892064 +-0.218656932901432 +1.97776838613047 +2.19848762041849 +-1.52454522666598 +0.233642983427597 +0.434585727771668 +-3.8632515412264 +0.205766284928664 +-3.87678402376097 +3.96475813228964 +-0.157994246142829 +3.33088630572544 +1.89742516544063 +-1.36070391180833 +-3.07842220084625 +2.40744045907728 +-1.16473889730715 +0.805972299922864 +1.03983364697463 +-2.81220423641435 +-1.02527492299836 +-2.44099650232474 +-0.797552164251287 +2.80742241585517 +0.82516242560498 +-1.00139297604603 +-3.05947401558182 +2.97731408918491 +0.620205005148272 +4.12285925768951 +1.50794823670107 +-2.3562932680447 +2.68068571707638 +-1.47754462700515 +0.900410503913025 +2.67871956449485 +-0.549998954614118 +1.9416152823808 +-0.00125365835221714 +-1.87459636461157 +-3.44881244078982 +0.629521974188442 +-2.2437267642696 +-0.331252783809799 +-2.39638535322482 +2.80781829141866 +2.30257202033016 +2.66772008255337 +-1.68255249744888 +-0.200616217801041 +-0.298404039841726 +2.18755427705252 +0.168599961919245 +0.255737360624718 +2.40651821067698 +-1.71452803498383 +-0.280474576212091 +-0.353618740616018 +1.38838570636396 +2.15728652350503 +0.87194723603665 +-1.02107755774261 +-0.935361934232952 +-1.66545103343255 +0.542286970702189 +0.7721865201259 +-1.12638460046461 +-0.117487303309739 +-2.74364381238175 +-2.20912458201709 +-1.07875285579653 +2.73207293147684 +-2.04517648785112 +1.98289208890649 +1.01286040376868 +-1.07338376570401 +-1.37584343330513 +2.66349793035484 +1.58630774415587 +2.65110827238178 +-4.83637003111255 +-0.182392810440942 +0.559992340506485 +1.00328800285274 +2.34981001826329 +1.02542319885271 +-1.29608423959147 +1.82096413115626 +-1.46471401342431 +-1.06516246969697 +0.70567390886536 +-4.46709300351615 +1.79601987868667 +-0.216554732376684 +-1.31445805510175 +0.171094763881736 +3.49046839826563 +-0.240930836254245 +-0.649157140866112 +-0.232543591961873 +0.2419796404297 +-0.29175293753243 +1.77338504495802 +0.765443363286559 +1.89417531170593 +1.7199503605612 +1.33700771193206 +2.38279307213838 +0.887331439828652 +-0.827014577349166 +1.40444341992959 +1.06022178058265 +-1.76947515471193 +-1.71325398643272 +0.0206546479885047 +2.97035232706406 +-0.40898644953552 +-1.67744248774844 +-0.155078144049069 +-0.566863588169781 +3.03935947972694 +2.63411864409601 +-1.36693011201824 +1.07904104204191 +-1.11506707649858 +-1.40292769595953 +-0.909939530798044 +3.70793341365619 +-1.47232364224088 +0.466231984365106 +-3.96964054441669 +0.848143839186252 +1.44844937180079 +1.55317348491916 +2.89264859102092 +-3.26902348240098 +-1.42330444979859 +-0.437528515777557 +0.561800748217175 +2.57622699864499 +-0.582964762214726 +-1.10473288018759 +-0.406387846240813 +-0.315783375374978 +2.50154924723001 +1.594850658656 +0.795802019343734 +-0.556060948672033 +-0.773531475473602 +2.44373783910912 +1.80494201015034 +4.48717131911263 +4.15129012940543 +-0.0391176970842815 +-3.63063384025099 +-3.38493361114205 +-1.69911963287532 +4.46421409015531 +0.969382068557468 +1.90144299597076 +-0.525990540321508 +-1.60793718769434 +1.87387633755916 +-0.617930872931189 +0.969113314353887 +0.865899672349875 +-0.340245506400334 +-0.713281770364566 +-1.97199399816464 +-0.263549173932613 +2.50993654818229 +4.53734207077971 +-0.947060899569117 +-1.51738385389715 +-2.58230905035527 +0.635810985662422 +2.81313009361968 +-2.33506867800214 +-1.68959662158248 +1.49981242522165 +-2.0045467337063 +-0.707220501272256 +0.32475668853517 +1.19394897518718 +-0.62166812537015 +-1.65160752747895 +0.645329357260514 +0.471168020489386 +1.63357542777659 +-3.06613626661027 +-1.18254834093358 +0.466811545624873 +-2.35897369984274 +2.45116822569093 +-1.18120985397544 +2.0740319710238 +-0.272196472382817 +-0.644733309012596 +-1.81276183196548 +2.10882620992087 +-5.32768930333314 +0.938940725389727 +-1.12313506340951 +-1.90653907118164 +1.78465536557739 +0.41371899212328 +-0.307603455750134 +5.34942301939565 +-1.29809862475047 +-2.58257337983197 +-0.195726939510403 +1.029242632018 +1.51134549243073 +1.97789119280325 +0.735152899505459 +0.739426109686986 +-1.8324233815382 +1.75815366254666 +-2.10993206800251 +1.18727564669049 +1.33369791301673 +-1.7404468107138 +2.82636485650336 +0.83845510921423 +0.577563930787454 +-1.44096508898624 +0.818519147875007 +3.97484004749711 +0.417572360230594 +-0.287512158758822 +3.49333984077807 +-5.38237701871344 +2.71076013144798 +-1.07682348906115 +3.33781861244475 +1.4505408341087 +-1.53280586998076 +-0.134633539198767 +-1.38860305111037 +-1.93744351827995 +-0.118258742281273 +-0.345437564172156 +-0.154797927386226 +1.07350824958555 +-0.997594721731506 +2.19982785805239 +1.31011162740969 +0.309891481769005 +0.596945614151293 +-0.116276765711469 +-0.486972327147278 +0.330967881475646 +2.72443514026924 +1.38493097784627 +-3.55003231549896 +3.72219662153735 +1.57483778808508 +2.053691858568 +-1.30556339642918 +1.06936085505841 +0.0194754169846376 +0.57016183897753 +-1.55434239480468 +-0.479443900481947 +1.45514850287917 +-2.42764576230134 +-1.06964083495647 +-2.86318432751457 +0.683191497580394 +1.28731492159439 +2.10529412480293 +-0.355898755406026 +-5.71747408050107 +4.81812356047416 +1.42495643860162 +-0.642570446471348 +-4.06212340400186 +2.28915550490946 +-3.33900357197649 +1.170047075034 +0.942149582210598 +1.13014257190596 +2.90354446050438 +-0.502989432092299 +0.517803283963331 +-1.63051272527308 +1.65341636414696 +-0.287489317152161 +2.67202510680993 +0.895214286898564 +-1.01733937988972 +2.27715929517773 +-2.84083192995768 +0.0566277263476612 +-2.51814136011287 +-0.712286920452517 +3.40256712123906 +-1.24514014095758 +-0.0232160698707393 +0.880664803967237 +-3.38462130583751 +0.843569224703956 +-1.87653875562875 +-2.4383878624915 +-3.06937945321578 +1.61790185114087 +3.27708087344165 +-1.44818646400105 +2.41531746265 +-1.14848799226645 +0.750898895877482 +0.11062865312542 +-1.85844030684354 +-1.39078109028749 +3.26409907381535 +2.54138778602847 +3.32395191054756 +-0.238973002900122 +-0.389065306173507 +-0.1621002592445 +1.42486621558371 +-1.17922950746554 +-1.41123190306552 +-3.20152594215772 +0.286334628024006 +-0.750775190969281 +-0.690280054261393 +0.779076078773928 +2.202547922591 +-1.45438254747414 +-0.346669428878805 +0.328650269451522 +-2.74002985815597 +-3.12506451256398 +-0.337659250470926 +-0.695184092352447 +-0.722012216317818 +-0.137846773320187 +2.60085253089308 +-1.54704901902688 +0.409726241329191 +-1.9774635389271 +-1.74043255108878 +-1.19012129942749 +-1.292476903864 +-2.79247355561828 +-0.49315956501658 +-3.30585382341551 +-3.24275630941084 +-0.643676387188489 +2.83251727711333 +-1.7920007601571 +-0.662662071105495 +-1.08386891462284 +-4.29650629255159 +-1.03480612859683 +-0.27659913288643 +0.266565200323273 +1.73861754125509 +-0.911278133995178 +-0.689562654860356 +0.388025196412066 +3.91144987990707 +0.341010245653118 +-4.33480223098829 +0.179857086244914 +4.40887638690811 +-1.35842133380305 +-3.30132530785589 +0.588212199958275 +-0.506265358319764 +-5.2114236544098 +3.71970944678578 +1.88241581171483 +0.28028061051399 +2.58404422547538 +0.220481614864562 +-0.719014886494623 +-1.86423167070209 +-1.02097509501445 +-0.0876072410224723 +4.08712723228551 +2.06733017765327 +5.04661708964988 +-0.335258233709934 +-0.0833444976876689 +-2.3112478654276 +2.67047285636402 +0.722863641623629 +2.91430067185147 +-1.04393510349187 +-0.689191780235368 +3.17910935550217 +-1.6797367354611 +-1.78981345021393 +-4.01554777537085 +2.35256156857433 +0.938953300284837 +0.710312077739062 +0.214290557389425 +0.584603366528936 +0.396648592815627 +0.984999373055171 +-0.0404255725474564 +-1.05392599436989 +-0.522761706592705 +-0.716648816890932 +1.30427164978516 +1.0339016970349 +-2.48895720938372 +-1.78303933578969 +-1.85262130703368 +-1.31287330235259 +-0.241844550809639 +2.81947945688346 +0.865850110560842 +0.497754537291883 +-3.70914189284819 +1.09801376192461 +-2.28116320121666 +0.180289179718788 +-1.29553396291055 +1.70105738093659 +-1.23956857034933 +0.517936709805147 +-0.991858448279079 +-2.20168913601436 +0.55200411778759 +-4.07164676827348 +1.01342585648697 +-0.521384381188241 +3.4006703929326 +0.243125795947329 +2.64597890232629 +-2.04927890475451 +0.72279320827057 +-2.16123934902252 +0.605909372035152 +0.957533483722369 +0.878955864092333 +2.18421827521973 +-3.80227342400023 +-1.57030475238279 +-1.19818088902295 +0.499331017527701 +-0.930344180696216 +-3.03643719644697 +2.07033884504851 +-2.1493915997945 +0.334356620660667 +-0.974704942931215 +-0.906259993379337 +-1.32169969202026 +0.939583656986 +3.55412304857757 +-0.873704834778568 +-1.75484825655472 +-0.498916358219797 +0.89044109331853 +-3.9476496618998 +1.52640486884838 +-1.43590285081252 +1.80041094270429 +-1.04110150820928 +-0.599407345458664 +-0.179771584640004 +-4.8083633727827 +-1.94639099283329 +2.26359141461904 +1.07100470863934 +2.06611422536636 +-2.44517336878891 +-2.08767552455261 +3.39046545574014 +-1.2612832173495 +0.47910096000597 +-0.931342000708052 +0.925038111502018 +-1.66785638277689 +-2.81794247711429 +-4.5991812637288 +-2.33439372206705 +1.58659219281682 +2.09974512028955 +2.44958250143266 +-0.660578972150277 +2.43759716262956 +2.89382173543818 +2.57233007497072 +1.37866816981207 +-1.03113688053399 +2.78650908124743 +1.83959367993408 +-1.00817481715662 +0.957888072159332 +2.8879434966841 +-4.05263377274549 +-1.04284042861391 +4.47723027840982 +0.522690728035922 +-0.197497784720049 +0.570239899520291 +-1.40518737138628 +1.27398142807579 +-0.239923990037934 +0.401384213029025 +-2.83545640852514 +-1.80933432640717 +2.77264889454626 +1.13432312831161 +-0.478090406169966 +0.713539102835524 +-1.67846756496171 +-2.16751602627587 +0.432681354413862 +-3.73395273675953 +-1.71915651998759 +-0.826807955394533 +-0.280235189598093 +0.761690331975968 +-1.88795181243587 +0.908621873747553 +2.70058732181469 +-3.03137202063759 +-1.30220726458613 +0.348243096249541 +-0.384822454303363 +3.14723041006551 +0.640577301683111 +-3.36307511912256 +-0.0586680532282802 +2.44065563362226 +0.518596467598867 +0.173951882635893 +-2.83561396761726 +0.340005499641331 +-1.41876616064522 +2.75863368870986 +-0.676630620754863 +3.90315065615695 +-0.683287857855111 +0.871678535781329 +3.39000585034348 +-1.79470422977559 +-1.43535001928028 +-1.70999302208586 +1.45358511843978 +-2.5711871090684 +3.69039982342462 +-1.85982171251956 +-0.115525376971687 +0.309588162658411 +-2.35706344255881 +6.10434345377735 +0.570141170049851 +0.0575645991172631 +-1.24835057091128 +2.10179435438639 +1.25844854903506 +-1.47819809719595 +1.69594832788129 +1.23556207589516 +-0.527701297907789 +-0.0964511729525279 +2.19996631833872 +3.84431394992618 +0.889470863368921 +-1.29676445314452 +1.90276257223404 +-0.901354117391644 +1.95003600734443 +-3.55902062008989 +2.88928755059986 +-0.916371988933739 +-0.378596607788556 +2.11297710174148 +1.39771647219023 +1.7260732939533 +-2.33722166455571 +0.706835911808133 +4.0819860830689 +0.697251472067298 +2.11248142062672 +1.58753389269847 +1.26306374576622 +-0.508677704907094 +1.43163765965149 +2.5636975811881 +-4.48458805411823 +-2.06613795328562 +-1.78066270862263 +0.381693482304608 +-2.1062937725016 +0.803717769411088 +-2.55431598090751 +4.72715154675316 +-0.216784849055608 +-1.83350132210024 +-0.540151555490782 +-1.42099943573807 +-3.3031431860412 +1.9256986747759 +1.11332161623904 +-3.19314657142155 +-0.814429244818805 +1.47803332976275 +-0.39592569582653 +-2.53188347801243 +3.17973733086156 +-2.22261976462989 +-0.705594315560781 +2.85991565002423 +-0.643865444457932 +2.87837320377437 +-0.243554855719968 +2.76300537421425 +-1.57094957555367 +2.65837244334038 +4.59123759459916 +3.30366710010321 +-1.35501287361398 +1.01162362159227 +-1.28219995746631 +1.3975931260818 +0.26499043088025 +1.39346463688914 +-3.3912004932957 +-0.0833423103860917 +2.84909670845729 +-3.61230374534748 +-0.423142642170273 +1.61620780075045 +-0.119934053610046 +-0.495242133061387 +-1.72599284767345 +-2.01605640593406 +-0.712490322379787 +-0.163161307436642 +-0.578919499107326 +1.5860885964767 +1.21784527868804 +-1.10043635263741 +2.64817256767164 +-1.54714579619218 +0.777808397227846 +1.65396249069653 +-2.03086880480947 +-0.640224110657715 +-1.3572426711601 +1.08094489862361 +-0.989101963861001 +1.30617827587973 +2.44682718845447 +2.84017218279574 +3.04866049432338 +-0.780746129297095 +-0.226637771825278 +0.161702040455843 +1.78077218653174 +-0.110817806857047 +-1.05252649607607 +0.0208495966733926 +0.958235860372228 +0.119627940687713 +1.40956729568472 +0.0293716652556549 +1.92546693141556 +-3.04976098824021 +-1.27638857053602 +-2.99421339914826 +0.796801415865866 +-0.351504789363 +2.58021453129304 +2.02359023122527 +-1.19999559919197 +-0.19121149740852 +-1.32307888459928 +1.64421140784606 +3.03629328931642 +-2.13544086268104 +1.24744648999415 +2.25152995528552 +2.72646990973735 +1.03481404140142 +2.30210091835007 +1.97278008913688 +-1.47332910011288 +-3.56938720281432 +-3.29641786564226 +2.46200259471405 +-0.250416339078034 +-3.92917760851793 +-4.02928074390981 +-1.59222401378484 +-0.547955339816538 +0.954802949303083 +-2.17147997855921 +-0.791960188453293 +2.58655114674711 +0.0830920089769775 +-1.87275034476885 +1.41487696072275 +-1.75511065499503 +0.589793363885648 +-2.71564254959698 +0.164744041920347 +0.147511722750512 +-0.733499942056484 +0.512660907179925 +2.1871879603295 +2.02010495799927 +-1.86067052751712 +0.42837916735719 +-2.49517823001139 +-3.77547390285833 +-2.74643660568483 diff --git a/src/ICP/Test/Y2.csv b/src/ICP/Test/Y2.csv new file mode 100644 index 00000000..e3cabddf --- /dev/null +++ b/src/ICP/Test/Y2.csv @@ -0,0 +1,901 @@ +"Y" +-0.12467453033191 +-0.0301943230361517 +-0.0617725199280062 +0.294331836512506 +-1.00824697297267 +-0.712526853163838 +-0.254743144223281 +0.872418481597265 +-0.674993442438452 +0.102938586633361 +0.158665593461428 +-0.636337566666336 +0.296338529916175 +-0.0759795549288818 +-0.57888802723683 +0.0646423546424822 +0.0477129616768185 +0.388229458662611 +-0.32152305316177 +0.0901466374429377 +-0.184415880687569 +-0.170840452411355 +0.272801273545711 +-0.246419664044669 +0.809631492392829 +-0.0831280510857428 +-0.602056518332308 +0.694285764760653 +-0.723322938770314 +0.264436384114904 +-1.20203893996394 +-0.913101544493402 +0.375771253266937 +0.089455571441813 +-0.19369077973066 +0.137323299714775 +0.337576793456003 +0.751500650668595 +0.228078288117528 +1.18525453365546 +0.686301042630522 +-0.94973749974141 +-0.267301373521904 +0.598705313023206 +0.696172450535301 +-0.21808049982227 +-0.985846765940718 +0.117331238045182 +-0.64789663356689 +0.323350653700459 +0.0694886682860693 +0.185134081504216 +0.59150927380025 +-0.437782172774514 +0.000289361486568773 +0.0726673977033559 +-0.787027639466767 +0.429917396245054 +0.710196145717321 +-0.248709784126095 +-0.676440404587105 +0.598456490772861 +0.514848102635295 +-0.149037374062 +-0.103407547734199 +0.720602855459999 +1.19868054836571 +-0.374875070969181 +-0.229342437852291 +0.215733259171629 +0.333928998383543 +0.359706686157082 +-0.226513447770976 +0.0607282584878609 +0.941016069149812 +0.341705357073037 +-0.150956311629261 +0.070723453066051 +0.359653570647413 +0.0614194006500396 +-0.033350322696369 +0.384053396320159 +0.540868707357294 +0.888059986853268 +-0.790247206779236 +-0.227706107251628 +-0.758259526079211 +-0.246576127730459 +-0.140503425979467 +0.402254706311443 +-0.438012358279081 +0.982094817020736 +0.761698753600617 +-0.451678162958438 +0.292398169137189 +-0.153211256136344 +-0.47851863949952 +-0.592113095201306 +-0.0291079691300213 +-0.44661841611553 +-1.09469578832052 +-0.524895833944732 +0.329377080455412 +0.0402932064873071 +-0.856646302637443 +-1.04637492087837 +0.953498316653246 +-0.0263028933598296 +-0.107656097452628 +-0.48114948254106 +-0.766420483296867 +-0.0313431250681195 +-0.473428427736151 +-0.0299496927187104 +0.148900981494602 +0.275180928719065 +0.0953295282584157 +-0.841259873633498 +-0.36156517191564 +0.782654450637218 +-0.205075058665246 +0.0764595892004486 +-0.156777907680073 +-0.567889568523316 +-0.472611605290482 +-0.541555105349332 +-0.353411681439182 +-0.69561246438985 +-0.687138338257203 +-0.37922326020314 +0.120679087482168 +1.31768462870465 +0.388400814877589 +0.163487725048908 +-1.1345608708091 +0.369482394733703 +-0.216666487999004 +0.248219399769829 +1.13025680758105 +-0.617534180742269 +-0.0203784335925097 +0.256060067941379 +0.495559401746273 +-0.705729416920488 +1.14951536999815 +0.112136743271618 +0.598729146958013 +-0.358368580785906 +-0.284073099953203 +0.818478892789579 +-0.930206910118058 +-0.176606723638457 +-0.488647274951881 +-0.248415511290217 +0.706199459662954 +-0.18254161196631 +-0.598363056145698 +0.541035168607353 +-0.179349527363089 +0.26477752032863 +-0.204949625579854 +0.0653907989985356 +0.398748280776633 +0.367233576760433 +-1.07764882500401 +0.0629636495690576 +0.844921703748749 +-0.120185902811304 +0.521496322773001 +0.581870744966524 +0.134619713475203 +-0.858524366337826 +-1.27168699398602 +-0.147140404149591 +0.153463815220004 +-0.0462608656500573 +-0.00772057488591377 +-0.300081263084361 +1.13700929678317 +-0.0407186105439632 +0.145803382135463 +0.991613005436918 +0.544059083210839 +0.435483044930269 +0.437532919244601 +-0.702366708281823 +-0.419151324268854 +-0.665904232656674 +0.0644251467705416 +-0.298971570052195 +0.370315922304734 +-0.219523100373293 +0.58265796229328 +-0.272716315407899 +0.101780665772279 +0.218223749770155 +-0.138009879456659 +0.242239302701041 +0.128331147065718 +-0.00986839547271445 +0.483294728932406 +-0.0998190696613228 +1.27898124250567 +-0.237357602302192 +0.272801868520236 +0.828653004704009 +0.904493400446036 +0.367004946283014 +0.362620142090366 +-0.845135246818663 +0.026234857413245 +-0.312304090954764 +-0.621835068276499 +0.376379582518362 +-0.681939957361008 +0.0351684922417407 +0.23498752915116 +0.134768167890752 +0.155579587683921 +-0.274231840250616 +0.733857857231428 +-0.310565660565436 +-0.00125153295938311 +0.937828765566085 +0.08126281486911 +0.111396327613378 +0.244542030317497 +0.843908529349945 +0.119420287111114 +-0.852218980012893 +0.386350822619827 +0.119879466249297 +0.207128172171917 +-0.453962859722671 +0.553732331770856 +0.70947092158164 +0.18663101932461 +0.379458094191555 +0.109854094855622 +-0.0304919071522514 +-0.109277011715152 +0.301811432168437 +-0.206826674617312 +0.13736103167355 +1.13989942506209 +-0.449870666522972 +-0.806217651683558 +0.545983099454319 +0.321089500026679 +-0.317534490978865 +0.177199470540735 +-0.623322522503794 +0.847977266469572 +-0.340991458577112 +0.929365753331555 +0.493938890248815 +0.334140876174676 +-0.257972116609994 +0.218065055613002 +-0.582301361767129 +0.122649328979928 +0.105574587896518 +-0.176405455245129 +0.437277101037268 +-0.664839795954873 +-1.25535144665424 +0.359867063855082 +-0.325531216721337 +-0.14415993931569 +-0.34028192252211 +0.0672794398640916 +0.959386680241709 +-0.835102447621927 +0.47243939343812 +0.253302932043782 +-0.0241567767163898 +0.446751006765887 +-0.186149182142834 +-0.0162955823021886 +-0.0642853851067966 +-0.282642109869078 +0.123913423888975 +-0.553826635605544 +-0.0791638533937517 +-0.391216297371174 +-0.968528447760905 +-0.58930515106099 +-0.163152757738885 +0.61078966098736 +-0.447727387809018 +-0.496328290903219 +0.0434214209205377 +-0.369648621226191 +0.352573886013739 +-0.263759956325006 +0.218884828425689 +0.0430190357611287 +-0.368282813950876 +0.438490762402426 +0.432376869841402 +0.0766801058160571 +0.492208561038269 +-0.0690409087394876 +0.615046975164074 +0.0808706027922773 +1.01105922109508 +1.00422115526337 +0.24922859707909 +0.027738198917223 +-0.493350258538353 +-0.27526609357872 +0.226051864495466 +0.113905516859659 +-0.48169669161358 +-0.40804499069413 +0.34139547482825 +0.238711122150288 +0.518302959405538 +0.292903541711439 +-0.696840260274907 +-0.32726995790364 +0.105801235566483 +-1.25123792804487 +-0.619086950455415 +-0.12555957743156 +-0.925710312808946 +-1.16484396541692 +-0.602588209494592 +-0.6607364362153 +-0.171498351030557 +-0.264235761555057 +0.467574875185038 +-0.233196413379602 +-0.0571543090264497 +-0.783618640685469 +0.907119882966501 +-0.638994977637255 +-0.29772574792517 +-0.0129118838959999 +0.409178035141648 +-0.0929635179228405 +0.356717956694785 +0.558444705907749 +0.465699129603852 +0.402448561845652 +0.944339618336324 +-0.723601796858364 +-0.430641441654781 +-0.41089594255033 +-0.29049546632617 +0.353374130406759 +0.496111912880268 +0.0423465309850179 +-0.17638606803656 +0.029770855428652 +-1.39426305157875 +0.220506018876092 +-0.547223550500414 +0.168384272120383 +-0.434723682864989 +-0.0476121155151633 +-0.849401838841359 +-0.143065817668442 +0.424524535499889 +1.03306466920931 +-0.0944972645136978 +0.393821078649819 +0.0502054340892502 +-0.0876135599089908 +0.374179255519496 +-1.32720805402435 +0.535649999653546 +0.438086853491312 +-0.409108043813038 +-0.336568104136658 +0.309825542443388 +-0.0201955967781937 +-0.68531409923868 +0.440675943822781 +0.486487677256285 +-0.713673346645753 +1.23281846284184 +-0.610823532401129 +-0.227071689819021 +0.236606200688578 +0.375844486262474 +0.815567732519669 +1.11024531025518 +-0.676865404340096 +-0.716009326122344 +-0.810081555253225 +-0.595435043989031 +-0.207994299219681 +1.68220792504726 +0.55540230030816 +0.147253284332304 +-0.455739458758682 +-0.184580087946387 +-0.642085175275467 +0.266193891450313 +-0.107120519354082 +0.794882473135143 +0.162609852309156 +0.17569825160128 +1.7806837933527 +-0.174287013250637 +0.75099271457989 +-0.521641204860271 +-1.84673788137403 +0.608445541894671 +1.61019968338561 +0.203213932311214 +0.605142779295608 +-2.75376397700796 +0.805709835295746 +1.37616656891363 +0.405121778602617 +1.7108971945649 +0.517263444915836 +2.31571666931782 +-0.148969572781272 +0.885879654210746 +0.906988581994382 +-0.761693967985612 +0.475039277921351 +0.935897424981468 +-0.449403259086357 +1.03000944227079 +0.613880482230491 +1.73939758874137 +0.114455855397569 +0.320333307551722 +1.24655743367846 +0.917065535398747 +0.750272320042735 +1.58626449625608 +-0.456302380964192 +0.68742479072643 +1.69866505723404 +-1.97448780898056 +0.258676543647671 +2.5430573102013 +1.6385939195168 +1.85662560041953 +0.82461909742345 +2.42039207689733 +1.78114903338664 +-0.624250291839562 +1.00586015864491 +-0.67139462632631 +0.215640629350511 +-1.11830498368189 +-0.340217376279827 +0.270698372060673 +0.435850836714746 +0.592750936396477 +-0.112329347875669 +0.443835600766401 +0.351849899802241 +1.32679457873354 +-0.37112926951047 +1.65382698433493 +1.39279407823857 +1.68614320309906 +0.86977966436714 +-0.226271869510435 +1.3620189744508 +1.01554041803904 +-0.277307226344765 +-0.104551393485171 +-0.456411390987305 +1.84840039937367 +0.0709388203732423 +1.429583697842 +-0.612341493399866 +-0.384925504797262 +1.16768380439555 +1.47583216069244 +-0.0281435360021268 +1.6036671292174 +-0.659413910503275 +0.658674137193132 +-1.26410543771503 +0.264162371299609 +0.865236132823485 +0.992876884113277 +-0.664221152519285 +0.800924762670727 +0.00971350141621782 +0.904119443550907 +-0.624676293299645 +1.23313251026374 +1.40351604215557 +0.7629849833641 +-1.44521774798634 +-1.11960066890899 +-0.0442939772662646 +1.03092906448087 +1.65299194599837 +-0.221359133113159 +1.73952703436742 +-0.579336299450004 +2.29632245538604 +0.175585603848706 +2.3739001053377 +0.751027521234824 +0.514815002147046 +0.832324620150556 +0.98269318199377 +0.691945224289276 +1.26545725644455 +0.383251812117297 +0.5351673297176 +-0.087205760858779 +0.996443451468743 +-0.444181327134674 +0.284877584254344 +-0.398022565895522 +1.10600741314285 +-0.347219761312799 +-0.331124911186726 +-0.440535231056204 +-0.987944612363212 +2.01474348224255 +-0.285700623883533 +2.07678111217229 +1.87785106962267 +0.589501400706023 +0.74684052092482 +0.299557065431642 +0.840000832994399 +0.862969637613385 +-1.12314903215443 +1.25222290855562 +0.602772455508741 +0.0145911310290794 +-0.136366258103991 +0.173536725747669 +1.26400575666711 +0.813223493995683 +-1.39995404370939 +-1.59550605133892 +1.26413961885364 +0.377809733781309 +0.238329778655043 +0.836843317794581 +-0.0382248022375597 +0.383648548595722 +0.41798011956632 +-1.67039564420947 +-0.76955226079539 +1.66998589934637 +1.60915738716047 +0.137369176293391 +-0.469399544454645 +1.14143470312419 +-0.711712648557359 +-1.25952223169135 +0.46820661561733 +0.633099476090599 +-0.00944311157931671 +1.17809652333173 +0.914288833603549 +-0.0138851373645356 +0.655027551371307 +-1.64845181263116 +1.37011301964526 +0.54017596979106 +0.741467709687336 +0.262537402455536 +0.76082316035596 +0.939099918657285 +-0.175836456769615 +-1.35580614869192 +-1.4940302604138 +-1.38392572461883 +1.51268821243508 +0.469236810300606 +0.401701877581945 +3.21576718429178 +-2.05034158054493 +0.119850540163457 +2.00700599322578 +0.829498035305444 +0.534056901478022 +-0.513489920291731 +-0.400007784785706 +0.259308480460337 +1.04735304519745 +2.98126319932663 +1.10020887607524 +-0.0145264190921288 +0.177368596569991 +0.574718315609793 +0.64649364277153 +0.304565570057752 +0.446583421218802 +1.33155483914022 +0.838025652391375 +1.28833894750721 +1.53392398074176 +0.687693960384289 +1.13315379954157 +-1.69882116216149 +0.461112154073642 +-0.557869701482399 +0.237575484615452 +-0.0751314920443985 +1.01964092238088 +0.430042529981151 +2.66253957229804 +0.913507993445532 +0.545782658363129 +3.09414347776209 +0.119050506938009 +0.569772736997313 +3.07839951411169 +0.67850762380627 +-1.0102735210491 +2.40585546983023 +0.142671616785647 +0.852269023486648 +-1.57062333515983 +0.295894627086994 +1.12467690630843 +-0.61714558175443 +1.96070074725311 +0.620759323136881 +0.862725907863496 +1.12156402357873 +1.77864845587341 +1.54087397571832 +0.370844176095401 +-1.22317276739286 +-1.41939768436941 +0.430472764152418 +0.569139521520745 +-0.620782085134449 +1.16946039679826 +-0.00929096387919226 +0.267741110933347 +2.06516709371207 +-0.700910262810832 +0.00589433261191713 +-0.238673123584182 +0.290509551992423 +1.41014284206197 +-1.29477188058919 +-0.132082711810789 +-0.554819604562616 +-0.765168447871982 +0.514503179478184 +0.883499719219866 +-0.163432790381071 +0.323919135492326 +-0.831158177739614 +1.25861687178964 +-0.59454087444054 +1.17494951029116 +0.966322478562785 +0.84482390511355 +-0.131186485885591 +1.97162599241622 +0.00740790061774493 +0.832036540136404 +-1.2784505693968 +0.143175066026316 +-0.211751204051538 +1.070208842473 +-1.27537767359797 +0.40368619356828 +1.10350471251621 +-0.298890835259176 +0.441773193250593 +0.862707252078 +0.0921282124550371 +1.08216608411363 +1.16105184528573 +0.920870098933042 +0.939877781922596 +0.381377073158076 +-0.825259483961981 +0.0780883858552475 +0.00332389985957408 +-0.262788552247721 +1.11314627837457 +0.809165353209809 +0.694193879230041 +0.196490858072343 +-0.773738188883881 +0.270084874651108 +-0.466676936934497 +0.932090066304855 +0.211099109957559 +0.384033307633066 +1.71942480015773 +-1.15180137727322 +2.43724725250722 +0.758253395637374 +0.043995118284866 +0.018471380765107 +0.11261028578792 +2.38234846377487 +0.917102323781272 +0.982193122913723 +2.08672068074727 +-0.0846893752998781 +-1.17293785401317 +1.28390477291762 +1.6421206724184 +1.42663713390109 +-1.29095604696687 +-1.50128098016093 +2.02381784666203 +0.536411064965551 +1.40572779258036 +0.465294355156598 +0.80916868289301 +0.0033132840229559 +-1.12824378738022 +-0.0344772382900185 +1.85130765960142 +0.188320979226919 +1.74326771796744 +1.94601955579894 +0.88019077522294 +0.740796923623534 +0.761392919574121 +0.710412732140039 +0.274366968115128 +1.15127274328227 +1.84333852313298 +-0.728033631502467 +0.248480585916486 +-0.935229210577652 +1.52939716946635 +1.30177852051359 +0.586541317885965 +1.60659196065865 +0.57734753136068 +1.07178334989393 +0.994987491397669 +-0.0290734112490925 +-0.542070426134218 +0.707960282780641 +-0.269099362994361 +0.468306811968226 +0.77881043466627 +1.35327457106621 +0.57978236816929 +2.49141993084573 +0.154093557761275 +1.16393418227051 +0.243698508310786 +-0.743730828749297 +0.205906207212144 +1.86659276223612 +-0.241374553929974 +-0.00653899708874973 +-0.0440534675020313 +0.884750219931439 +0.944721112296743 +0.67199257373353 +0.106914264630788 +-1.08605204658971 +0.476485544452337 +2.08365468185213 +0.961433520414371 +0.841555345866184 +0.0151007869550133 +1.05280150391071 +0.620655220639336 +0.891990871854347 +2.1941738836289 +-0.559626627332208 +-0.376431836050724 +0.967760385715954 +1.79103983680751 +0.536369669605475 +1.72222293179724 +2.60040212423366 +-0.459452951112837 +-0.409818914285078 +0.144612679882309 +-1.25427541594137 +-0.488221273108646 +0.579155321662402 +1.67858501794044 +0.758855627396036 +1.00935268615032 +1.02402819957695 +-1.48019560738517 +1.1616247855178 +1.26478535734759 +-0.426744948818772 +1.19182718477873 +-0.416093242993489 +-0.810848104600945 +0.802487846415254 +2.01939577220032 +1.8195224130442 +-0.789024211810648 +0.524866203830982 +1.49154674887752 +-1.08844978631393 +3.13627511165698 +1.7058777544833 +2.07093004473944 +-0.111435540287997 +0.301578059462974 +0.564793654111233 +1.56803794914112 +0.583331020722547 +-0.486085720036677 +0.909976961663749 +0.878109758841153 +-1.17682562575483 +0.39482453527935 +1.25379928066926 +-1.04600457581007 +2.21819116495211 +0.649971192588766 +-0.113332071480875 +0.902504506479406 +-1.08122720453954 +1.45694325110473 +1.39633391734547 +0.770713841539509 +0.47986075132179 +1.10454899807731 +1.13156482421685 +0.90623788534928 +2.43759232136284 +0.740120359782421 +0.00929874616930105 +0.315100103291427 +0.955491387254531 +-0.0605886758531124 +2.18703126664814 +1.20689854362647 +-0.692809900118883 +0.938104268108976 +0.244123519373087 +-0.245994945939482 +0.341845641748127 +1.33555075980008 +0.598496903167658 +-1.6268650500464 +0.284131388319573 +1.24111286339373 +0.636545456376207 +1.41887921045189 +0.900315911259922 +-0.752605068177069 +1.50918501866629 +1.65361261643502 +0.891563047412788 +1.23181770345379 +1.65680761591624 +0.520110239547736 +0.919346615973505 +0.804538584696864 +-0.295579161567691 +0.664120653815873 +0.0881516233446447 +0.0720141664606132 +0.682696130113772 +0.920216067120053 +-1.20783646541156 +2.17970347340481 +-0.217503177410089 +-0.131456598279509 +0.967088878609618 +0.616644303185023 +1.82368986061356 +1.46149510669729 +0.372970092561049 +-0.500682946935203 +0.66748045321258 +2.05056613375227 +-2.42002029873957 +0.950963449279109 +0.985669181538227 +0.112217034393294 +1.23220930009123 +1.45840048260454 +-0.358691366721442 +1.1640023005802 +0.521965102319123 +-0.170509652269234 +0.660638638963865 +1.01117803791022 +-1.90567119860598 +0.84274608934294 +0.540761423247984 +-1.79767648483647 +0.749423043280435 +2.24525488388705 +1.49105084313289 +2.32563549991529 diff --git a/src/ICP/Test/Y3.csv b/src/ICP/Test/Y3.csv new file mode 100644 index 00000000..ccd21609 --- /dev/null +++ b/src/ICP/Test/Y3.csv @@ -0,0 +1,4740 @@ +"Y" +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +0 +1 +0 +1 +0 +0 +1 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +1 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +1 +0 +0 +1 +0 +1 +1 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +1 +1 +0 +1 +1 +0 +1 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +0 +1 +1 +1 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +1 +1 +1 +1 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +1 +0 +0 +1 +1 +1 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +1 +1 +1 +1 +0 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +0 +0 +0 +1 +1 +1 +0 +1 +1 +0 +1 +1 +1 +1 +1 +1 +1 +1 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +1 +1 +0 +1 +1 +1 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +1 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +1 +1 +1 +0 +0 +1 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +1 +1 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +1 +1 +0 +1 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +0 +0 +1 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +1 +1 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +1 +1 +1 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +1 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 diff --git a/src/ICP/Test/Y3a.csv b/src/ICP/Test/Y3a.csv new file mode 100644 index 00000000..ccd21609 --- /dev/null +++ b/src/ICP/Test/Y3a.csv @@ -0,0 +1,4740 @@ +"Y" +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +0 +1 +0 +1 +0 +0 +1 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +1 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +1 +0 +0 +1 +0 +1 +1 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +1 +1 +0 +1 +1 +0 +1 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +0 +1 +1 +1 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +1 +1 +1 +1 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +1 +0 +0 +1 +1 +1 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +1 +0 +1 +1 +1 +1 +0 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +0 +0 +0 +1 +1 +1 +0 +1 +1 +0 +1 +1 +1 +1 +1 +1 +1 +1 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +1 +1 +0 +1 +1 +1 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +1 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +1 +1 +1 +0 +0 +1 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +1 +1 +1 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +1 +1 +0 +1 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +0 +0 +1 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +1 +1 +1 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +1 +1 +1 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +1 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +1 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 diff --git a/src/ICP/Test/Y3small.csv b/src/ICP/Test/Y3small.csv new file mode 100644 index 00000000..216d9444 --- /dev/null +++ b/src/ICP/Test/Y3small.csv @@ -0,0 +1,100 @@ +"Y" +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 \ No newline at end of file diff --git a/src/ICP/Test/Y3smallnonBinary.csv b/src/ICP/Test/Y3smallnonBinary.csv new file mode 100644 index 00000000..5b1a32e9 --- /dev/null +++ b/src/ICP/Test/Y3smallnonBinary.csv @@ -0,0 +1,100 @@ +"Y" +10 +20 +30 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 \ No newline at end of file diff --git a/src/ICP/Test/Yexample1.csv b/src/ICP/Test/Yexample1.csv new file mode 100644 index 00000000..bdacf7ae --- /dev/null +++ b/src/ICP/Test/Yexample1.csv @@ -0,0 +1,1001 @@ +"Y" +68.9059351960513 +31.9679429114966 +92.4173496809722 +56.4795876801062 +36.8499948513819 +100.243799163546 +20.5227498967124 +116.823243578019 +54.0259598663536 +33.3830303376615 +27.5517930905117 +51.6499692485073 +86.7478565776827 +147.516725162342 +63.1303815449205 +54.4110034519105 +75.7248796182704 +141.190899475923 +95.2761400363977 +110.541485021755 +68.4341013607397 +37.2500506390216 +146.119760549985 +60.7975107558508 +64.8070483214488 +49.3148265158726 +78.0208423741321 +101.234544206601 +41.666111219012 +99.9559403616287 +69.2363387620586 +84.5905313025883 +47.284947630646 +34.446707011736 +75.81684960753 +43.4031388734436 +74.3625323170082 +25.6556008122737 +81.0404096214541 +23.0996689106992 +181.690016572164 +70.8353892674631 +20.2366117282382 +113.531066817836 +64.1569207371497 +54.4189055534248 +160.077586887358 +30.1004788122528 +57.9731226968891 +37.9402640445293 +13.6410728377724 +105.260827972447 +7.4039210442327 +113.275695746301 +59.0223939430588 +79.0545886570678 +46.4423344232107 +101.172165081434 +65.3262463485472 +107.076904160748 +32.3357299631523 +106.896752249863 +15.9176182036552 +34.2657603608681 +92.5333724939541 +34.7342392130414 +92.0886712535367 +97.6999975603658 +47.8027783920856 +64.5158443417226 +53.7992798289301 +21.7911441136596 +38.1197370680865 +52.2850035497945 +78.2700216960604 +47.5584622241056 +43.0685403840316 +11.0146800529156 +50.457368559809 +72.8183917921927 +94.0893597097622 +31.1165677190909 +145.422450614275 +26.378704341564 +33.980965992658 +21.7001870882936 +50.2679759474294 +34.8997521084621 +41.8870530476165 +57.0807416635972 +83.0355765472078 +39.6853276210311 +35.7467711074349 +114.768840655387 +67.2651937754621 +60.7007134508368 +84.722776366788 +52.6729795842476 +107.998234460718 +64.7039874650775 +204.715141543293 +61.1879111015874 +59.0337125561006 +52.7987218248668 +59.7836987358264 +75.4995449730911 +120.254297382407 +29.0229521662271 +96.0549557786911 +66.892636974266 +118.598247882198 +103.887722981921 +80.0567221750189 +74.8410723337893 +29.2825459321431 +66.3996468509029 +35.4054468165329 +47.5178960908654 +33.0614903985098 +59.7213884447293 +59.0664434604223 +32.2948146279677 +45.6826671442961 +41.2198719238303 +16.1833846154201 +132.521997131606 +56.7320772230973 +13.6572027895957 +62.4262799074415 +62.1280297428582 +46.0800792188724 +29.4959865190848 +100.784096938634 +56.8246824273079 +75.7252367100221 +71.9479797329578 +134.066104245942 +53.8390190366993 +136.217489288791 +47.6918011247557 +48.3860801998553 +172.964883064725 +87.79591876604 +62.2482173216321 +74.0555736189455 +91.5187695061187 +29.479521829641 +11.5646000192814 +84.5651243501697 +19.5476344690802 +17.8791346187324 +27.9161018514453 +82.9042535105936 +69.5483956940498 +50.5170339413617 +144.055000843485 +63.1094756333193 +113.021914678392 +21.1925716397801 +81.6016319098525 +54.4527971511272 +64.2500497446714 +29.6825234199189 +39.7919779529431 +41.8759604550784 +44.0517837739527 +43.3615639254803 +36.5004028851368 +72.0088635387612 +69.6594285799102 +31.4081105518922 +51.8781567623514 +45.6657024153803 +61.7768402130104 +53.1488622036687 +36.5411738941706 +95.1025556479877 +81.6296935636733 +124.37745026894 +48.7251134135085 +64.9352323139005 +70.7800127718163 +80.8837716368578 +4.2853420293266 +52.7842984059104 +114.206809207872 +14.2196639649372 +55.5245671570249 +27.0144306712651 +58.2429209892802 +72.1372488469558 +51.2764288144333 +69.9435870596284 +51.8761963141564 +171.323213337364 +107.512310750786 +124.627649979327 +29.7423796534671 +128.549303030078 +57.2228697525829 +86.6558195846255 +90.4154313564617 +11.2504289419484 +99.9989271249706 +92.7386346428895 +75.5179990836416 +16.0493121860823 +26.9879938052654 +92.6400494365219 +81.8238265268384 +85.2995806803762 +55.2016360021786 +41.8561075778902 +92.471159431968 +39.8107115847554 +86.2672541892971 +29.4359340176877 +76.6605504214122 +84.3032643980992 +83.423123718169 +108.306856654397 +47.2525445591652 +26.8612944139506 +45.2081645589945 +40.8558202315334 +49.0857545297444 +41.0409689035191 +94.5722686487753 +8.31905890963135 +42.6070151736972 +78.4526252999356 +27.039300867608 +146.881483421724 +70.0785286496745 +74.2384763380025 +68.1664204690595 +29.628344431238 +60.1219079418865 +87.3176454385496 +90.0562919825511 +20.0373923139811 +80.4884200349658 +60.3890256074748 +41.1612210307821 +39.6631741740932 +104.257754188688 +50.7304029584462 +15.9704010757857 +123.579993632416 +37.6381987102402 +46.5392655295676 +129.106891930115 +54.6508658167286 +95.546499913037 +31.0023608335499 +18.4385518804594 +60.6599859708432 +27.7373920696512 +82.3357399995799 +108.572138641048 +37.689120886411 +69.7881127598193 +42.0894980554148 +164.155292654947 +68.7971963131835 +51.9950547455302 +46.2780117045039 +52.287983246026 +55.0386965705678 +93.4404034930129 +13.3428450157479 +35.8848560583378 +83.8645915706586 +27.2470645341914 +18.3198318983329 +133.313613640361 +14.0100392557041 +27.3717076078436 +83.8777562834288 +43.9187157135389 +61.1753713015522 +7.40155881842492 +146.478627122235 +37.3439306865721 +73.3386755822641 +88.3843193109143 +56.3772676297109 +44.3762662578369 +11.2928790418514 +33.9777660892943 +41.9421654523228 +62.4501308881701 +37.6359446753363 +86.2624981186373 +15.8456694335709 +51.1730784326056 +40.635608892403 +36.3030836819625 +110.041876978581 +59.4551357012962 +122.023295637716 +32.1789572899397 +86.9407272129908 +63.2500364775794 +7.71574330027892 +116.524287144016 +118.410530864842 +134.953511308748 +70.0182718631753 +43.6395739057869 +140.653600345279 +80.2490884571501 +68.7656996207667 +44.3056597585878 +73.1827758572284 +78.3113384230485 +14.2871622037092 +67.9747984257244 +39.1746274004939 +55.1220695619844 +18.642367682985 +34.5291716834118 +65.4367857362087 +67.0470445793692 +56.0721928428829 +68.4302253342722 +75.1258908037484 +19.4578285985222 +201.410943027877 +34.7577552006205 +95.9677684609249 +69.3076588759539 +58.1882957288241 +84.7778466114609 +25.7108884115576 +139.783749879436 +56.3152551971339 +81.2100029243243 +67.3463175746995 +77.0190765016783 +18.855915215863 +57.7080836333302 +33.6519063895319 +46.6253556391584 +23.3981451149089 +68.9230421853039 +100.369104677091 +60.636834965115 +86.3637368555178 +19.333299942096 +47.483940249742 +61.7316578709135 +20.5192384493009 +122.252992859039 +60.5631414709177 +76.4457011370877 +40.1539683053792 +61.4293296827255 +39.0673795126754 +28.0546930691562 +48.8446711464615 +43.8077655404098 +33.1943912784087 +14.9753538355292 +36.005517376074 +65.9136241219582 +53.6361206828134 +37.4521893937748 +79.4942346031441 +12.7299856965795 +55.9518434945762 +84.0848186229739 +42.9756880514559 +67.5692710542157 +31.2403267017114 +47.4700410705311 +40.9787700635385 +47.9108388745173 +58.2433021930725 +57.7129045456514 +74.773045269478 +49.3970472372919 +55.9648883136838 +132.443035790662 +20.639733748059 +15.7358056732367 +45.4412075677299 +83.2053505771384 +51.8552846375047 +75.4246181869091 +136.495772384375 +56.8437540631976 +54.565831593295 +81.1322276404023 +48.4325591293499 +39.0419659607007 +46.5769917301092 +80.6743944901174 +14.2801934357853 +92.5279043457579 +83.1154185354575 +79.6983046027365 +70.606730219275 +125.533347686919 +98.127682085964 +67.8471519426515 +128.247518336943 +101.611642463717 +136.817909666381 +28.9278145322268 +67.0325743670333 +31.4059287276873 +32.884236605924 +69.8317206679725 +56.874615402842 +26.6745739450208 +45.0326686349439 +26.7269984550384 +67.0201203559039 +71.6843684920491 +29.8093309897154 +88.1426557722811 +66.9940791525097 +59.6879900408815 +49.7230025670569 +58.2803653593655 +11.269652827986 +66.2015522583876 +73.085215481376 +48.9251620721261 +55.01812395004 +94.895472449924 +12.1515218187416 +27.1993403691695 +56.5892668442437 +134.199114728104 +38.5830250505691 +92.3832538172608 +37.8326908209199 +121.83415628471 +25.9642159951187 +46.3443582497528 +52.9657100749493 +12.7120135596569 +41.205438424929 +50.2832732574314 +22.4421103502869 +31.984477115173 +67.8294650216554 +61.331925311104 +4.5925268427412 +51.5942425968563 +62.7350806729782 +69.554985577402 +96.0022218398785 +37.6967855732399 +49.0407094611478 +84.6002763309207 +21.4462434835233 +73.6206361753657 +46.3464967631223 +54.5920528596633 +55.883886724116 +70.8923875321403 +66.7592664677715 +8.61388599048346 +60.2397218489977 +34.1038227255847 +108.515937980768 +81.291355614887 +33.2572266107309 +75.3223995970584 +160.84785287895 +94.0110417741513 +80.7238751705987 +75.2123654092025 +143.529603341367 +65.5528113506657 +42.4987185100221 +31.5945544471136 +86.4218767733681 +32.0319354057401 +69.0304340524124 +83.7165530392656 +45.6623887709353 +28.7327230949056 +41.0983058788441 +74.3301616530307 +49.8659054833242 +56.3261997202108 +114.736537913151 +59.7652460219392 +47.1445703181426 +20.4176055499913 +60.8832666165134 +78.4920254284825 +86.383550026332 +22.1151259119826 +16.8679023519277 +68.1296159888954 +23.7365962506051 +73.2631547709242 +37.5433187965127 +76.376229764611 +100.306261446068 +54.2029968830461 +31.9751612117996 +50.0242223716589 +42.6058459110562 +98.6511412850973 +67.6894679044494 +39.1382260453312 +35.6228254577884 +53.9428752081016 +37.0843829624264 +57.4937703178481 +111.131423988814 +66.1359153449937 +49.4576296611718 +92.3048196874301 +29.1848189453063 +28.4866129165601 +47.7959217395187 +125.803084598294 +66.5742681252338 +87.2449410891579 +85.8505339481014 +60.1813580608684 +62.3765268110205 +23.8779220083311 +30.1001180876348 +50.2404496332373 +157.92018921047 +55.8868365634403 +18.2126629700502 +21.2601508171107 +34.2940126998863 +106.581481287979 +90.8056535928402 +10.9618211019581 +64.4311243741017 +115.334945340986 +66.035955302656 +63.6084051760784 +29.990486765203 +62.1325982829854 +46.3125384350155 +86.3080641407086 +90.4256665469596 +56.3449587671559 +64.8087847947929 +61.4131751995422 +115.366203159748 +31.8012773735314 +45.935756083037 +44.1559477238631 +35.4789963752786 +39.306378668929 +100.688773283609 +51.5607125310341 +77.8188034219598 +98.2179360682171 +146.185879376108 +82.4348402870588 +21.5153266628632 +9.19612860007001 +111.140495737835 +135.958312781885 +106.282773219127 +53.8820774455474 +73.9941723947447 +164.234008769094 +43.2649136138621 +67.7410522154606 +76.4761845007125 +32.0117628861978 +108.414399190197 +75.0158921152084 +55.7100047317223 +120.247785997873 +30.428773625652 +44.5813347370919 +32.6546642521711 +48.8895066753404 +30.943491314745 +46.5774183998079 +73.3876048467892 +46.7817471067541 +30.6632690596744 +101.417401247615 +169.786795928218 +111.713918552832 +117.319675786618 +74.7200665966401 +83.9930217153051 +43.4735682782039 +101.573442399837 +51.0861453073972 +21.5834151456342 +33.5762780760289 +83.3467247458811 +7.19572779170865 +88.9829842281436 +101.92152548485 +99.4144226461279 +57.1621662011475 +110.554582732832 +32.3371597185708 +103.276556522491 +68.8771459455851 +63.198824565085 +86.9044715512111 +58.656147742988 +19.4368561455948 +31.1449182732336 +46.2320840498762 +60.7762504395602 +19.7218102145163 +31.7691597730504 +30.0209362648441 +139.532131554928 +30.1481365717297 +133.417291884493 +37.6654364646346 +101.290770296861 +89.2972786199152 +44.8226552097264 +8.36191995843914 +10.6504959420439 +61.2619105536891 +47.2083063737843 +55.1146232891275 +45.4675682705794 +22.4507271097585 +86.9213923614791 +47.5941605005793 +133.508120491834 +53.8581507076725 +87.2424813344474 +66.9994932563347 +75.3266764565869 +104.79516835911 +79.9499525569757 +58.9859752583262 +90.9780739476528 +99.4502508522351 +89.4553500913779 +35.6412012247159 +57.0367404732337 +140.658423849807 +79.8823302741307 +33.8189255022733 +88.0317860834797 +38.6845658299216 +59.7523599813845 +39.2592436383968 +50.5951815034775 +39.1392929447888 +62.0533809904538 +70.2671368371896 +45.1650079083151 +69.3199761311337 +21.2161924031772 +65.1171397622733 +111.453703903009 +25.3037071164953 +70.2955910831032 +61.1815367748043 +26.0951305598963 +44.1668322919781 +69.2276807016675 +62.561964597213 +92.8497165932421 +147.881517224109 +213.973938568268 +54.6544099541853 +21.1192725213247 +27.7335265181735 +64.955694607272 +64.8387050533847 +32.8196196020312 +67.9010020749264 +74.8703494804891 +29.7230344859375 +67.4277629635967 +17.33044097495 +105.189580108735 +105.696311856061 +70.996898918577 +22.5193033972449 +68.344730967806 +42.4505077082702 +23.9040436716414 +37.8365024868412 +26.1415585416116 +22.508354426947 +62.4065037522839 +61.6993963428783 +136.565577820798 +118.711633759534 +39.8351422536562 +36.6285524172614 +77.4504588911891 +78.2063781998681 +31.0878058120497 +24.4765211135567 +24.4850831124683 +87.0411086993225 +55.695420841707 +84.0693208790668 +35.7686895948369 +54.6565256376004 +33.4548094781237 +39.2161948454842 +134.677433554688 +70.539787062913 +20.0739809799453 +56.7068481395227 +97.7593249555921 +39.7896280790634 +82.5100621925862 +55.5776393654842 +21.5259258770935 +24.4291119026473 +28.0930442541818 +79.3307070741388 +9.66663232087982 +65.8184749970876 +39.4417115696134 +61.4492190553544 +45.6577610593375 +67.7285880101942 +168.475906394879 +32.1367382408996 +72.6702780597463 +23.1753057590431 +107.571999747055 +95.8957354231288 +103.035550418246 +53.4969486656509 +64.4524360277911 +62.3384135514844 +81.3533048421142 +33.0987426528294 +50.7636537794879 +55.3380223297713 +79.5830209015332 +116.983173285189 +42.0816895421846 +26.4903894567792 +33.4017347152406 +53.0688927623028 +27.5411724081046 +34.8041489880969 +51.248098928117 +27.5580318656698 +93.3932844713778 +40.408114583137 +75.1774290779711 +56.3810683798444 +44.3898842180609 +12.6226214315255 +32.3570415507323 +153.773250456646 +78.8163989764898 +40.0910926909093 +142.368501367349 +33.5198887021151 +29.9747790371183 +41.2060997661751 +9.61664002596973 +94.5554956967926 +19.7516903552511 +45.7513759611033 +32.4165410325658 +88.7321411532749 +27.4557143681456 +146.415753134155 +38.1216474861268 +109.527599046088 +153.031079667293 +79.3607069389991 +23.5784739980394 +169.810962035291 +31.9538346993862 +111.072818632456 +30.0220907641964 +38.8672784905414 +33.7011391267687 +34.377657961939 +51.4464955060042 +59.0453343360959 +46.0880450069658 +149.34577669805 +53.9994748024299 +124.447709845413 +38.8478169500423 +104.949200763945 +40.125006908369 +46.9519073579091 +19.0759604375975 +131.873961177601 +145.500203974603 +49.0740651812224 +78.3871816131798 +74.2435164337732 +37.1237829504677 +29.4254509684113 +86.2305884307449 +34.4377908572649 +22.9073874517971 +62.9070432187776 +85.1212729969581 +142.191325318724 +28.3223340290925 +74.3736152712869 +77.0056651933618 +61.6402125620022 +67.4785818201055 +34.1296895380871 +51.9423140680034 +55.6162521604361 +37.7812856794305 +54.9760677889923 +64.4400224173679 +48.9529091428297 +18.11866718036 +65.2565388982427 +122.569066191322 +34.2781884878169 +143.250627387249 +20.0827017253845 +45.8046358732635 +87.5104939670098 +22.7750561698873 +23.8398069325422 +92.5540537442018 +53.1796543986774 +14.8455309366574 +63.4239822835034 +47.8989918514014 +40.6940919439876 +48.376025887083 +144.248424502219 +75.7632286768018 +100.413410040998 +64.6815916875267 +69.9946744992402 +83.7754275865349 +73.4426389907504 +32.4242755889468 +98.8976176871859 +21.2779284541023 +23.8704380760237 +35.1561911478696 +93.8858250502466 +45.3664434672352 +39.4833894580808 +123.192585669859 +36.7224576309621 +73.8976344506961 +40.097348134753 +98.3309141713186 +52.3590384765873 +107.371890982735 +52.6705807560238 +72.1552014314467 +98.682980382869 +55.0136761194849 +160.748861805948 +108.734199167149 +53.8092759183408 +66.0481238318144 +36.12757085619 +36.3073668591993 +110.274198752559 +99.1720089485538 +123.316644441379 +72.0133256494129 +54.823404293644 +54.719502209841 +32.9080530857584 +39.8625014585664 +65.9411222071174 +74.2770755925144 +42.8740732161608 +32.2624112146537 +22.9795759162794 +63.4851300913283 +41.6978603705107 +30.117291693613 +104.889845376257 +72.6502624446162 +72.4208567674583 +41.2554622343107 +84.2844253394964 +41.0601737438465 +43.4806790940654 +114.509202763049 +112.813735030858 +17.6871833451136 +96.6883362835957 +59.4450624352579 +55.8319330050295 +106.794453369211 +113.482724832008 +23.5622579801988 +30.3763151734199 +35.0073752185446 +49.009495984918 +175.017709419455 +50.9889458245831 +53.010984348484 +91.183363528379 +78.740403272475 +97.6626588115553 +36.156878076045 +89.6962737317477 +45.8114260585852 +18.614566731268 +38.9307405534579 +67.6670557784227 +160.069398410881 +69.8674647926588 +70.8407697735048 +56.0328937128231 +63.1542140291967 +29.980357852099 +137.861340838757 +106.217223264837 +81.8718397410586 +82.0274301830159 +22.0487313919852 +27.8663907089642 +62.3973191989917 +26.8546218284326 +60.1646000085124 +44.8450999571943 +48.5323987374931 +60.767553825343 +56.4193448399075 +50.5134098368897 +13.8625908268426 +49.6289981326231 +35.282361757027 +125.051787706606 +162.097840164547 +46.5172443611933 +65.4900305606745 +91.2416516533312 +40.4200402537218 +64.5956061906261 +27.3997649784823 +32.0302604167248 +55.5642085171333 +17.4273458948754 +56.0967408653959 +78.7139155292571 +67.5075633831461 +71.4810185382586 +112.380789230234 +114.069983769136 +127.764621309593 +94.0057014742034 +51.6664289754912 +28.5414750375978 +60.1496448028122 +74.3149668495545 +75.7826001166838 +117.385475006345 +66.2358290161665 +100.47127666012 +46.7162216699322 +36.0534048589206 +30.4410474066085 +33.3882591208472 +15.2999364786813 +71.154732562692 +67.0934628171056 +101.858251085367 +34.8706856178555 +99.9265513160907 +181.752834145547 +47.2812822657167 +30.71561911854 +37.5666552833294 +36.5622019318961 +29.8604610935091 +73.1677588710595 +12.5702346085583 +64.4058471922972 +55.3831541045787 +41.0444991564427 +93.7291056921653 +85.9417286772758 +53.9951779510946 +27.6775847863409 +50.677222774717 +95.3144817951407 +46.7918981553186 diff --git a/src/ICP/Test/join_clean.csv b/src/ICP/Test/join_clean.csv new file mode 100644 index 00000000..576c3fee --- /dev/null +++ b/src/ICP/Test/join_clean.csv @@ -0,0 +1,551 @@ +Environment,Country_name,Year_of_Survey,Gender,Working_Age_Population_aged_15_64_of_total_Pop_,Youth_Dependency_Rate_younger_than_15_compared_to_15_64,Labor_Force_Participation_Rate_aged_15_64,Employment_to_Labor_Force_Ratio_aged_15_64,Unemployment_Rate_aged_15_64,Wage_employees_aged_15_64,Unpaid_or_Self_employed_age_15_64,Commerce_aged_15_64,Technicians_aged_15_64,Clerks_aged_15_64,No_Education +1,Belize,1993,1,0.5283805132,0.4340036809,0.3764742315,0.9221895337,0.07781049609,0.776068449,0.1897511333,0.2920517623,0.1907135397,0.1538300067,0.08136900514 +1,Belize,1993,2,0.5105317235,0.4340036809,0.8286244273,0.9499515295,0.05004847795,0.6988947988,0.2305740565,0.1299986839,0.08404159546,0.02539999597,0.07561021298 +1,Belize,1994,1,0.5216826797,0.444306016,0.3573972881,0.9157066941,0.08429329842,0.764421761,0.2139524668,0.3083697855,0.1959818304,0.1577160954,0.09101101756 +1,Belize,1994,2,0.4999087751,0.444306016,0.8384195566,0.9515907168,0.04840927944,0.6903921366,0.2245539427,0.1492159963,0.08302542567,0.02419763803,0.09051761031 +1,Belize,1996,1,0.5358567238,0.4197413623,0.3476864696,0.8872849345,0.1127150804,0.7671835423,0.1972946227,0.3276056647,0.1990771294,0.1685343832,0.08354325593 +1,Belize,1996,2,0.5192719698,0.4197413623,0.8191084266,0.9132951498,0.0867048353,0.6455416679,0.2699195445,0.151508376,0.06650131941,0.0249177143,0.07383105904 +1,Belize,1997,1,0.5347130895,0.4252080321,0.3901789784,0.8651638627,0.1348361373,0.7212585807,0.2393755466,0.2957923412,0.1476238668,0.1483942419,0.05939045176 +1,Belize,1997,2,0.5200222731,0.4252080321,0.8459821939,0.9269506931,0.07304930687,0.6433470249,0.2650462985,0.1519527137,0.05354580283,0.02966437489,0.06904409081 +1,Belize,1998,1,0.5516321659,0.4129228592,0.3946970999,0.8708369732,0.1291630417,0.7376442552,0.2165469229,0.345361501,0.1729463935,0.1473198682,0.0627945587 +1,Belize,1998,2,0.5320159793,0.4129228592,0.8243632317,0.9207618237,0.07923815399,0.6623166203,0.2393084317,0.2021729201,0.05525710061,0.03051170893,0.05864165351 +1,Belize,1999,1,0.5523769855,0.4072666764,0.4063945413,0.8592652082,0.1407347769,0.7300443649,0.2406191379,0.3326053321,0.156609565,0.1279297769,0.06433901936 +1,Belize,1999,2,0.5344195366,0.4072666764,0.8349308372,0.9239699244,0.07603007555,0.6470353007,0.2557335794,0.1817143559,0.06501356512,0.03104053624,0.0644415319 +1,Bolivia,1997,1,0.5696648955,0.3955158889,0.6049381495,0.9867144823,0.01328549907,0.2528178096,0.7268730998,0.2772076428,0.08045689762,0.03931259364,0.1861588955 +1,Bolivia,1997,2,0.5437723994,0.3955158889,0.8303235769,0.985024333,0.01497564279,0.3856717348,0.5297359228,0.1122987717,0.07617189735,0.02347191796,0.06703022867 +1,Bolivia,1999,1,0.5775734782,0.3943672776,0.6265130639,0.9535630941,0.04643690959,0.2565837502,0.7278038263,0.3085424006,0.04264096171,0.04307701066,0.1876672506 +1,Bolivia,1999,2,0.5500069261,0.3943672776,0.822419405,0.9643611312,0.03563887626,0.4155268669,0.5367869139,0.1335898787,0.07133280486,0.02926093899,0.05660196021 +1,Bolivia,2000,1,0.5812789798,0.4002402127,0.6205114126,0.9257730842,0.07422692329,0.286721915,0.7020885348,0.3003656566,0.0697824657,0.04675540701,0.1678030938 +1,Bolivia,2000,2,0.5512236953,0.4002402127,0.8368033767,0.955555737,0.04444426671,0.3961990774,0.575748086,0.1191969663,0.07833510637,0.02807237953,0.05853860825 +1,Bolivia,2001,1,0.5659942031,0.4109910131,0.6654254794,0.9442017078,0.05579829216,0.29492715,0.6893386245,0.2772096395,0.02970453165,0.0495576486,0.1666636169 +1,Bolivia,2001,2,0.5502175689,0.4109910131,0.8498886228,0.9561214447,0.04387854412,0.4249077439,0.5436902046,0.1203855127,0.05731843039,0.02812641114,0.04437983409 +1,Bolivia,2002,1,0.5718379617,0.3993903697,0.6249952316,0.9482733607,0.05172663927,0.2761693299,0.7028083801,0.3016834259,0.0317257978,0.03491325676,0.150869444 +1,Bolivia,2002,2,0.5471587181,0.3993903697,0.840700388,0.9691746235,0.03082535043,0.4004687667,0.5329179764,0.1181063652,0.05122143775,0.02300401405,0.04173460975 +1,Bolivia,2003,1,0.5623368621,0.3794590533,0.6532992125,0.9462121725,0.05378780514,0.2958455682,0.6832989454,0.3346037865,0.03702286258,0.03550895676,0.1447548419 +1,Bolivia,2003,2,0.5474897623,0.3794590533,0.8456321955,0.9625194669,0.0374805294,0.473954469,0.4503703415,0.1379393488,0.06508569419,0.02188429236,0.03779479861 +1,Bolivia,2005,1,0.5850914717,0.3823024631,0.6236870885,0.9317019582,0.06829805672,0.2984803915,0.671607554,0.2939582765,0.05639024824,0.04998739436,0.1258811206 +1,Bolivia,2005,2,0.5583561063,0.3823024631,0.8197917938,0.9541191459,0.0458808504,0.4524866641,0.4698379636,0.1275453866,0.06787004322,0.02366981469,0.02917988226 +1,Bolivia,2006,1,0.5887663364,0.3683604896,0.6577156186,0.9370242953,0.06297571957,0.3294799626,0.6469528079,0.1603870392,0.04831224307,0.05133026093,0.1339984685 +1,Bolivia,2006,2,0.5587824583,0.3683604896,0.847651124,0.9541885257,0.04581147432,0.4323836267,0.4981164634,0.1268326789,0.07077869773,0.02370446548,0.04305390641 +1,Bolivia,2007,1,0.5982579589,0.3577124476,0.6272652149,0.9343597293,0.06564026326,0.3409966528,0.6255463362,0.2636551857,0.05011193827,0.04758716747,0.1018413603 +1,Bolivia,2007,2,0.5819469094,0.3577124476,0.8336719275,0.9530572295,0.04694278166,0.4834510982,0.4387577474,0.1186923385,0.07761220634,0.03255198151,0.02278563753 +2,Bolivia,2008,1,0.6027514935,0.339520961,0.6456080079,0.9600168467,0.03998317569,0.343506813,0.6250696182,0.3210131824,0.05808772892,0.04766528308,0.1174710169 +2,Bolivia,2008,2,0.5894058943,0.339520961,0.8358592391,0.9779802561,0.02201977372,0.468726337,0.4478910565,0.1439429373,0.06798931211,0.02326824516,0.03809594363 +2,Bolivia,2009,1,0.6102830768,0.3460581005,0.6521430612,0.9564786553,0.04352135956,0.3602822721,0.6118224263,0.2984749079,0.06624440849,0.04815036431,0.09998379648 +2,Bolivia,2009,2,0.5877636075,0.3460581005,0.8359648585,0.9740377069,0.02596228011,0.5014055371,0.4294377863,0.1304208636,0.09056387842,0.03256716579,0.03035110049 +2,Bolivia,2011,1,0.6164596677,0.3352946341,0.6444532275,0.96659863,0.03340138867,0.3466395736,0.6240162253,0.3170906305,0.0402411744,0.04568710178,0.08712179959 +2,Bolivia,2011,2,0.59509027,0.3352946341,0.8433794379,0.9789464474,0.02105353028,0.4706010222,0.4513768554,0.1367376447,0.0650023818,0.02604982257,0.0234750323 +2,Bolivia,2012,1,0.6169253588,0.3208705187,0.6022583842,0.9670099616,0.03299003094,0.3819471598,0.5791056156,0.2670197487,0.0518565625,0.04991351068,0.08896827698 +2,Bolivia,2012,2,0.5975279212,0.3208705187,0.8227083087,0.9827449918,0.01725498214,0.464936763,0.4471631348,0.241032064,0.06189189851,0.03215261176,0.02561697364 +2,Bolivia,2014,1,0.6195112467,0.3156098127,0.6362762451,0.9668225646,0.03317740932,0.3420341015,0.6136069894,0.3261241913,0.04946891963,0.03751306981,0.09937076271 +2,Bolivia,2014,2,0.5996485949,0.3156098127,0.8443483114,0.9830385447,0.01696147397,0.4255749285,0.4691899121,0.1370909214,0.07192067057,0.02403836325,0.03147570044 +2,Bolivia,2015,1,0.6319087148,0.3090943098,0.5673773885,0.9547787905,0.04522120953,0.3588756919,0.616441071,0.3515484631,0.03745261952,0.04679285735,0.09255095571 +2,Bolivia,2015,2,0.6149298549,0.3090943098,0.8225322366,0.9695600271,0.03043994494,0.4435336888,0.4991680384,0.1362792403,0.05756229162,0.02309950069,0.02325713076 +1,Brazil,1987,1,0.6013897061,0.3646219075,0.4703662992,0.9411829114,0.05881709233,0.689483285,0.2959916592,0.1588466316,0.04630631953,0.1136648431,0.1881380677 +1,Brazil,1987,2,0.5883947611,0.3646219075,0.8967723846,0.9628215432,0.03717846796,0.6697311997,0.2836144567,0.1889711767,0.08194862306,0.05709258467,0.1799221486 +1,Brazil,1988,1,0.6044513583,0.3601843417,0.4762159288,0.9328680038,0.06713201851,0.6876621842,0.2981080115,0.1630805731,0.04910667986,0.1171089932,0.178711012 +1,Brazil,1988,2,0.5914121866,0.3601843417,0.8933706284,0.9593991637,0.04060084373,0.6711348295,0.2838545144,0.189341858,0.08416165411,0.05578608438,0.1769363284 +1,Brazil,1989,1,0.606654942,0.3560015559,0.4771411717,0.9456077218,0.05439229682,0.6930450201,0.2868251503,0.1728063971,0.04732851312,0.1199326739,0.1759979129 +1,Brazil,1989,2,0.5931808949,0.3560015559,0.8924582601,0.9640723467,0.03592764586,0.6669775248,0.2761022151,0.200569883,0.08142006397,0.05585638806,0.174986288 +1,Brazil,1990,1,0.6102163196,0.3483923972,0.4827637076,0.9436035752,0.05639642477,0.6750004292,0.3038703203,0.1834808737,0.04782938585,0.114060007,0.1693757325 +1,Brazil,1990,2,0.5983303189,0.3483923972,0.8892459869,0.9568520784,0.04314791039,0.6533177495,0.2847733498,0.2043743283,0.08028307557,0.05612962693,0.1739216894 +1,Brazil,1992,1,0.6159370542,0.3388647139,0.5564201474,0.9156730175,0.08432696015,0.6265875101,0.3588098288,0.1660116315,,,0.1143673658 +1,Brazil,1992,2,0.6038537025,0.3388647139,0.8864067197,0.9417745471,0.05822545663,0.6401058435,0.3121168017,0.2145748585,,,0.102122888 +1,Brazil,1993,1,0.6167137623,0.3360145688,0.5556584001,0.9230316877,0.07696831971,0.6298081875,0.3548771739,0.1705688387,,,0.1096225753 +1,Brazil,1993,2,0.6077402234,0.3360145688,0.8829684258,0.9454089999,0.05459101871,0.6378062367,0.3120434582,0.2160352021,,,0.1015063375 +1,Brazil,1995,1,0.6267177463,0.3228227198,0.5719839334,0.9252785444,0.07472147793,0.623506248,0.3565715849,0.1806801856,,,0.1007433757 +1,Brazil,1995,2,0.6159569025,0.3228227198,0.875888586,0.9466629028,0.05333710089,0.6218911409,0.3244936764,0.2231428623,,,0.0963530615 +1,Brazil,1996,1,0.6331022978,0.3133994341,0.5511823297,0.9117028117,0.08829717338,0.648660779,0.3307405114,0.1836668104,,,0.1031008661 +1,Brazil,1996,2,0.6256757975,0.3133994341,0.8564396501,0.9428002834,0.05719972029,0.6240785122,0.328317374,0.2242099047,,,0.09858584404 +1,Brazil,1997,1,0.6375380158,0.3101558983,0.5633930564,0.899256289,0.1007436961,0.6410713196,0.3380653858,0.183825627,,,0.09738598019 +1,Brazil,1997,2,0.6270714402,0.3101558983,0.8622929454,0.9361696839,0.06383033097,0.6161507368,0.330550015,0.2213605046,,,0.09525299817 +1,Brazil,1998,1,0.6451870203,0.3018010259,0.5665879846,0.8810471892,0.1189528182,0.6508291364,0.3258620501,0.1898303628,,,0.08583901823 +1,Brazil,1998,2,0.6345129013,0.3018010259,0.8561040163,0.9261071086,0.07389289886,0.6190134287,0.3287022412,0.2220229357,,,0.0851784274 +1,Brazil,1999,1,0.6484718919,0.2967366874,0.5845353007,0.8751467466,0.1248532683,0.6399003863,0.3380677402,0.186292544,,,0.08226877451 +1,Brazil,1999,2,0.6382517815,0.2967366874,0.8563061357,0.9182052612,0.08179473132,0.607476294,0.3391392231,0.2251002192,,,0.08223102242 +1,Brazil,2001,1,0.6562987566,0.2894049883,0.5835038424,0.8782557249,0.1217442602,0.6701512933,0.3054823577,,,,0.07091242075 +1,Brazil,2001,2,0.6481190324,0.2894049883,0.847184062,0.9228699207,0.07713010162,0.6280728579,0.318169713,,,,0.07104035467 +1,Brazil,2002,1,0.6608005166,0.2829237282,0.5999101996,0.8816284537,0.1183715388,0.6648857594,0.3081427217,0.2002652735,0.08700893819,0.1135616228,0.06762050837 +1,Brazil,2002,2,0.6522738338,0.2829237282,0.8500558138,0.925111711,0.07488828897,0.6292117834,0.3174165487,0.2196422517,0.06724758446,0.05772292241,0.07029456645 +1,Brazil,2003,1,0.6661779881,0.2768149078,0.6045854092,0.8740184307,0.1259815544,0.6686345339,0.3061182797,0.2045517564,0.08385849744,0.1155687273,0.0629131496 +1,Brazil,2003,2,0.6575218439,0.2768149078,0.8465778828,0.9199957252,0.0800042972,0.6274798512,0.3193620741,0.2245674431,0.06673356891,0.06070037559,0.06459563226 +1,Brazil,2004,1,0.6664891839,0.2759932876,0.6170284152,0.880618155,0.1193818152,0.6735128164,0.3008809686,0.2034653127,0.08090510219,0.1181398556,0.06087623537 +1,Brazil,2004,2,0.6576817632,0.2759932876,0.8527681828,0.9304720163,0.06952796876,0.6343255639,0.3139680624,0.2172284722,0.06745336205,0.06010343134,0.06591431797 +1,Brazil,2005,1,0.6694851518,0.270771116,0.6312578321,0.8755146861,0.124485299,0.667824626,0.3055870235,0.2079393268,0.08197444677,0.1187951416,0.05563886836 +1,Brazil,2005,2,0.6630039811,0.270771116,0.8565176725,0.9277134538,0.07228655368,0.63845855,0.30844751,0.2238951027,0.06937450916,0.06005328149,0.05889742821 +1,Brazil,2006,1,0.6739183664,0.2651796639,0.6302860379,0.8873697519,0.1126302332,0.6799006462,0.2920661569,0.2093087882,0.08160170168,0.1215616614,0.05025966093 +1,Brazil,2006,2,0.6639552712,0.2651796639,0.8517023325,0.9346778989,0.06532212347,0.6452114582,0.2986301184,0.2226197571,0.07058356702,0.06103461236,0.05244014785 +1,Brazil,2007,1,0.6771322489,0.2598739266,0.6279241443,0.8895770907,0.1104228944,0.690818131,0.2855109572,0.2125711888,0.08540868759,0.1237147823,0.05017696321 +1,Brazil,2007,2,0.6678090096,0.2598739266,0.8490524888,0.9385583401,0.06144165993,0.6547807455,0.2980663776,0.2231296897,0.0732813701,0.06228167564,0.05317888409 +2,Brazil,2008,1,0.6785283685,0.2518594265,0.629337728,0.901963532,0.09803648293,0.6996991038,0.2710942626,0.2133563608,0.08189194649,0.1340291947,0.04901467264 +2,Brazil,2008,2,0.6738551855,0.2518594265,0.8513547182,0.9469788074,0.0530212,0.6663386226,0.2783228457,0.2158394903,0.07105324417,0.06418576837,0.05338174477 +2,Brazil,2009,1,0.6837872267,0.2468524426,0.635124445,0.8874450922,0.1125549227,0.709916532,0.2635384202,0.2182100862,0.07736619562,0.135587424,0.04648265988 +2,Brazil,2009,2,0.6744186878,0.2468524426,0.8508087993,0.9372544885,0.06274552643,0.667527914,0.2777378559,0.2195122987,0.0739915669,0.06546546519,0.04831655324 +2,Brazil,2011,1,0.6872471571,0.2374377996,0.6080089808,0.9072828889,0.09271711111,0.7379908562,0.2394293696,0.2403036207,0.07371822745,0.1293780655,0.0486323759 +2,Brazil,2011,2,0.6827347279,0.2374377996,0.8353953362,0.9500653744,0.04993461445,0.6724737883,0.2864654064,0.2218628377,0.06775595993,0.06239765882,0.05192777514 +2,Brazil,2012,1,0.688118279,0.2325315773,0.6084289551,0.9163329005,0.08366709948,0.7430391908,0.2314659804,0.2397870719,0.07124947757,0.1523516923,0.04550841823 +2,Brazil,2012,2,0.6826033592,0.2325315773,0.8327319026,0.9527903199,0.04720967636,0.6770495176,0.2776516676,0.2183307111,0.06591857225,0.06629366428,0.05138349906 +2,Brazil,2014,1,0.6925061345,0.2207077444,0.6239839196,0.9096037149,0.09039626271,0.7340168357,0.2420511544,0.2394734919,0.07461868972,0.1482508779,0.04155447707 +2,Brazil,2014,2,0.6892784834,0.2207077444,0.8350145221,0.9450355768,0.05496441945,0.6688472033,0.284702003,0.2236282229,0.06953774393,0.06455233693,0.0469195731 +2,Brazil,2015,1,0.6924926043,0.2141980231,0.6109231114,0.8802104592,0.1197895333,0.7323573828,0.2440390438,0.2414251566,0.07541644573,0.1442362219,0.03898955882 +2,Brazil,2015,2,0.6897813678,0.2141980231,0.823620677,0.918558538,0.08144145459,0.6565127969,0.2980793417,0.2268717438,0.07195050269,0.06200756133,0.04311469942 +1,Chile,1987,1,0.6547064781,0.2987015545,0.3148867786,0.8880524039,0.1119475886,0.7892767191,0.2052890658,0.1939839721,0.0,0.1565886587,0.04598204046 +1,Chile,1987,2,0.6365061402,0.2987015545,0.7660756111,0.9011830688,0.09881693125,0.6896739006,0.2919102907,0.1796832979,0.0,0.1054786742,0.03883133829 +1,Chile,1990,1,0.6560604572,0.2958579361,0.3524073064,0.9030786157,0.09692139179,0.7801247239,0.2068887502,0.2291662395,0.1707924753,0.2880306542,0.03753508627 +1,Chile,1990,2,0.6405765414,0.2958579361,0.7820875049,0.9237658381,0.07623419166,0.7206259966,0.2508955598,0.1887551993,0.1067810282,0.07250221819,0.03326174244 +1,Chile,1992,1,0.653979063,0.2957988083,0.3724420667,0.9238805175,0.07611950487,0.780962646,0.1986017227,0.2340823114,0.06369778514,0.1380050927,0.03761455044 +1,Chile,1992,2,0.6404215097,0.2957988083,0.8037737012,0.9542864561,0.04571356252,0.7255946398,0.2349423617,0.190323323,0.05221899599,0.04840975627,0.0307433065 +1,Chile,1994,1,0.6541604996,0.2940126061,0.3881089389,0.9127776623,0.08722233772,0.7803221941,0.1974293143,0.2390621305,0.08352811635,0.1480929554,0.03749647737 +1,Chile,1994,2,0.643315196,0.2940126061,0.8041971922,0.9423696995,0.05763030797,0.7340474725,0.2311324179,0.1547764689,0.05854849145,0.05965738744,0.03356709704 +1,Chile,1996,1,0.6464589834,0.2899182141,0.4008563161,0.9258174896,0.07418248057,0.7932761908,0.1823641956,0.2252346277,0.09221956134,0.1518520713,0.03651657701 +1,Chile,1996,2,0.641911447,0.2899182141,0.7908682823,0.9513627291,0.0486372523,0.741392374,0.2198524177,0.1773895323,0.06428156793,0.05239122361,0.02913949639 +1,Chile,1998,1,0.6563383937,0.2840783596,0.4272306263,0.8851974607,0.1148025319,0.792470336,0.1791926622,0.2461733073,0.09314861894,0.1648246497,0.03306434304 +1,Chile,1998,2,0.6430574059,0.2840783596,0.7904573083,0.9081962705,0.09180374444,0.7389838696,0.2185301036,0.1569699943,0.0701213479,0.06183881685,0.03147703037 +1,Chile,2000,1,0.6552876234,0.2764136493,0.4401831925,0.8810884953,0.1189114973,0.791444242,0.1853411794,0.240810141,0.08639913797,0.1597180516,0.02716636285 +1,Chile,2003,1,0.6647673845,0.2629803717,0.4666154087,0.8757133484,0.124286674,0.78309834,0.1891106963,0.2529797554,0.09913762659,0.1485686451,0.02558199503 +1,Chile,2003,2,0.665430367,0.2629803717,0.776735425,0.916133523,0.08386648446,0.7395682335,0.2192954421,0.1920677423,0.07480179518,0.05864640698,0.02269168198 +1,Chile,2006,1,0.6771891713,0.2342308164,0.4831912518,0.9042868018,0.09571322799,0.7799874544,0.1982501894,0.2609699965,0.1007164046,0.1394074559,0.02456719242 +1,Chile,2006,2,0.6716049314,0.2342308164,0.7783638239,0.9387811422,0.06121887639,0.7651229501,0.2007307112,0.1814966053,0.06576170027,0.05767033994,0.02334317751 +2,Chile,2009,1,0.6770533323,0.2153112739,0.4839757979,0.8748334646,0.1251665652,0.7904852629,0.1871604174,0.2763320506,0.1172486618,0.1292243302,0.02900802903 +2,Chile,2009,2,0.6695484519,0.2153112739,0.7717833519,0.9089486599,0.09105133265,0.7696586847,0.1966382563,0.2048029304,0.08851096779,0.04667045549,0.02858141251 +2,Chile,2011,1,0.6774170399,0.2194856554,0.4992708862,0.9022065997,0.09779339284,0.7966247797,0.1888844073,0.2969728708,0.08710222691,0.1274018437,0.02389651909 +2,Chile,2011,2,0.6768248081,0.2194856554,0.7656248212,0.9338540435,0.06614597142,0.7811278701,0.1994528472,0.2246206701,0.06914409995,0.05038032681,0.02421031334 +2,Chile,2013,1,0.6717070341,0.2112902403,0.5257418156,0.9171895981,0.08281042427,0.8068079948,0.1813599914,0.2867321968,0.1035805345,0.149082154,0.02061960101 +2,Chile,2013,2,0.6709941626,0.2112902403,0.7723203301,0.9353960752,0.06460390985,0.7932499051,0.1827869713,0.1946100742,0.08357556164,0.06196406484,0.02145576663 +2,Chile,2015,1,0.6721582413,0.2031933665,0.5499247313,0.9149132371,0.08508675545,0.8029248714,0.1798869669,0.2861578166,0.1130408794,0.1454246193,0.01790864579 +2,Chile,2015,2,0.6676396132,0.2031933665,0.7768383622,0.9295544028,0.07044561207,0.7849707007,0.1849188209,0.2023043931,0.08466549218,0.05918370187,0.02056869492 +2,Chile,2017,1,0.6715948582,0.1911352277,0.5720954537,0.9093112946,0.09068870544,0.7871444225,0.1986678392,0.2934748232,0.1335363984,0.1174713001,0.1088814586 +2,Chile,2017,2,0.6669839025,0.1911352277,0.7870220542,0.9253916144,0.07460837811,0.769285202,0.2062234581,0.2171023488,0.08282770216,0.05252999067,0.1134674102 +1,Colombia,1996,1,0.6301327944,0.3170939386,0.434269011,0.9298972487,0.07010273635,0.6277012229,0.3488356471,0.2908825576,,,0.125037089 +1,Colombia,1996,2,0.6030831933,0.3170939386,0.8336533904,0.9392073154,0.06079268456,0.5828396082,0.3630307317,0.1744507998,,,0.1347537786 +1,Colombia,1999,1,0.6400289536,0.312124908,0.4754903615,0.8723778129,0.1276221722,0.5744549036,0.4010626972,0.2949058115,,,0.1383071393 +1,Colombia,1999,2,0.6179943681,0.312124908,0.8232489228,0.8950573206,0.1049426794,0.5407823324,0.4131472707,0.1785995513,,,0.1384416223 +1,Colombia,2001,1,0.6306622028,0.292470485,0.5585054159,0.8233829141,0.1766170859,0.5374901295,0.4397715926,0.2963395119,0.1062792167,0.220385462,0.06116118655 +1,Colombia,2001,2,0.6062101722,0.292470485,0.8501008153,0.8854035139,0.1145964861,0.5035085678,0.4423141479,0.2348645478,0.05560197681,0.1522075981,0.06820496917 +1,Colombia,2002,1,0.6345418096,0.2877945006,0.5606561303,0.8156905174,0.1843094826,0.5499578714,0.4213726521,0.2882132232,0.1181852818,0.2075855881,0.07025340199 +1,Colombia,2002,2,0.6045728326,0.2877945006,0.8524869084,0.8805208802,0.1194791272,0.5027161241,0.4435946047,0.2346370518,0.05390412733,0.1480197012,0.07030763477 +1,Colombia,2003,1,0.6339008808,0.2846412659,0.5801166892,0.820536077,0.1794639379,0.520490706,0.4524806142,0.2902824879,0.1038932428,0.2092599273,0.06382418424 +1,Colombia,2003,2,0.6092768908,0.2846412659,0.856464386,0.8909088969,0.1090910956,0.5052093863,0.4389136136,0.2281664461,0.05719108507,0.1423726082,0.07381711155 +1,Colombia,2004,1,0.6366823912,0.2846601009,0.55594486,0.8400323391,0.1599676907,0.5353553295,0.4365792871,0.2821106017,0.1049050242,0.2108210325,0.06104180217 +1,Colombia,2004,2,0.6178737879,0.2846601009,0.8420124054,0.9010546803,0.098945342,0.4897758067,0.4474445581,0.2257548571,0.06014472619,0.1401670426,0.06574130803 +1,Colombia,2005,1,0.6384724379,0.2760021687,0.5560234189,0.8512039781,0.1487960219,0.5409444571,0.4289654493,0.2931114137,0.1061621904,0.2161220908,0.05408477411 +1,Colombia,2005,2,0.6197460294,0.2760021687,0.8408738971,0.911996901,0.08800312132,0.5292786956,0.4066908658,0.213174656,0.05753169209,0.1346736103,0.06130415201 +1,Colombia,2006,1,0.6405867934,0.2903308272,0.5223766565,0.8562554717,0.1437445134,0.5682932138,0.4068919718,0.3064059913,,,0.05868586153 +1,Colombia,2006,2,0.6185045242,0.2903308272,0.8214824796,0.9071035981,0.09289640188,0.5566235781,0.3905349672,0.225114122,,,0.06724683195 +1,Colombia,2007,1,0.6439462304,0.2870490253,0.5346875191,0.8617682457,0.1382317394,0.5661127567,0.4059906602,0.2968067527,,,0.05463795736 +1,Colombia,2007,2,0.6231065989,0.2870490253,0.8238911629,0.91293782,0.08706216514,0.5502022505,0.3969675899,0.2196797729,,,0.06307707727 +2,Colombia,2008,1,0.6449019313,0.2796966434,0.5482693315,0.8493487835,0.1506512016,0.5285553336,0.4445252717,0.3073577583,0.1342218667,0.2353632748,0.05531024188 +2,Colombia,2008,2,0.6251139045,0.2796966434,0.8279472589,0.9094358683,0.09056414664,0.4994419813,0.441732049,0.2246061414,0.06535543501,0.1394937187,0.06148454919 +2,Colombia,2009,1,0.6489173174,0.2868487537,0.5847343206,0.8381709456,0.1618290842,0.5005874634,0.4717796147,0.3111861348,0.1312933117,0.2374516875,0.05694519356 +2,Colombia,2009,2,0.6304986477,0.2868487537,0.8452937603,0.9046058655,0.09539413452,0.4812165797,0.4552215338,0.2212512493,0.06417535245,0.1372448057,0.06308337301 +2,Colombia,2010,1,0.6528349519,0.2786493301,0.605494976,0.8398467898,0.16015324,0.4895824194,0.4804043472,0.3173272014,0.1247592196,0.2369883209,0.05590839684 +2,Colombia,2010,2,0.6364623308,0.2786493301,0.8494845629,0.9082946777,0.09170533717,0.4753849804,0.4619753659,0.2211609036,0.06121525541,0.1341780722,0.062284749 +2,Colombia,2011,1,0.6551699042,0.271222502,0.6152890325,0.8522284627,0.1477715075,0.478150934,0.4917566478,0.3181364238,0.1228727773,0.2336547971,0.05496848747 +2,Colombia,2011,2,0.6392579675,0.271222502,0.8555076718,0.916621685,0.08337830752,0.477730304,0.4604436457,0.2222608477,0.06106524915,0.132835418,0.06047603115 +2,Colombia,2012,1,0.6568951011,0.2660007775,0.6301299334,0.8584843278,0.1415156871,0.4817529619,0.4875133932,0.3263193667,0.1230306923,0.2330765575,0.05436372757 +2,Colombia,2012,2,0.6416352987,0.2660007775,0.8600530624,0.9197924137,0.08020757139,0.4878485203,0.4508673251,0.2208605856,0.06340383738,0.1275378913,0.0604073517 +2,Colombia,2013,1,0.6583622694,0.2599808276,0.6283180714,0.8692743182,0.130725652,0.4958930612,0.4743733406,0.3325472772,0.006821659394,5.036381935e-6,0.05181904882 +2,Colombia,2013,2,0.6431612968,0.2599808276,0.8552001715,0.9246378541,0.07536213845,0.492844373,0.4509088397,0.227123186,0.03048618138,0.0005602838355,0.05979719013 +2,Colombia,2014,1,0.6602358818,0.2543960512,0.6291347146,0.877071619,0.1229284033,0.5105479956,0.46269086,0.3337919712,0.1259382516,0.2274442911,0.04867882654 +2,Colombia,2014,2,0.643728435,0.2543960512,0.856975317,0.9285939932,0.07140602916,0.4983215034,0.4496823251,0.222561121,0.06453195214,0.1285459995,0.05746503919 +2,Colombia,2015,1,0.6617958546,0.2463455349,0.6371235251,0.8781837821,0.1218162328,0.5188371539,0.4542301595,0.3359902203,0.1243795305,0.2281245589,0.04927663505 +2,Colombia,2015,2,0.6476581097,0.2463455349,0.8577003479,0.9314009547,0.06859902292,0.500089407,0.4485420883,0.2235288322,0.06705891341,0.1247657239,0.05399397761 +2,Colombia,2016,1,0.6615214944,0.2396618128,0.6361098289,0.8755826354,0.1244173348,0.5200333595,0.4545447528,0.3447244465,0.006200809032,7.119040674e-5,0.04635165632 +2,Colombia,2016,2,0.648460269,0.2396618128,0.8541448712,0.9273369908,0.07266297936,0.4986190796,0.454741776,0.2234908044,0.03096719272,0.0002683217172,0.05368175358 +2,Colombia,2017,1,0.6620285511,0.2350285649,0.6356290579,0.8728434443,0.1271565706,0.5227069855,0.4525606632,0.3337335885,0.008507269435,9.993360436e-6,0.04711552337 +2,Colombia,2017,2,0.6504184008,0.2350285649,0.852040112,0.9261386395,0.07386134565,0.496250093,0.4541428089,0.2216295749,0.02970413119,0.0002712630667,0.05261335522 +1,Costa Rica,1989,1,0.6001829505,0.3630900383,0.342359513,0.9495925903,0.05040739849,0.7929314375,0.1907936335,0.2023559511,,,0.06838947535 +1,Costa Rica,1989,2,0.5901520252,0.3630900383,0.8643233776,0.9678265452,0.03217347339,0.6907590032,0.2599097192,0.2330692708,,,0.07601222396 +1,Costa Rica,1990,1,0.6016884446,0.3594798446,0.3492107689,0.9417399764,0.05826001242,0.7837175727,0.1979339123,0.223687008,,,0.06986371428 +1,Costa Rica,1990,2,0.5961472988,0.3594798446,0.8632022738,0.9597212672,0.04027874023,0.6888272762,0.2459765375,0.2222324312,,,0.06579064578 +1,Costa Rica,1991,1,0.5995203257,0.3671934307,0.3540650606,0.9280129671,0.07198702544,0.7552725673,0.2242780626,0.2164664268,,,0.0643825829 +1,Costa Rica,1991,2,0.5858073235,0.3671934307,0.8494357467,0.9528408051,0.04715917259,0.6932973266,0.2458233833,0.2242405564,,,0.06795773655 +1,Costa Rica,1992,1,0.606757164,0.360797286,0.3497725129,0.9460797906,0.05392022803,0.7898520827,0.1920634061,0.2374206036,,,0.05852298066 +1,Costa Rica,1992,2,0.5894389749,0.360797286,0.8471241593,0.965534687,0.03446530178,0.7064471245,0.2334506363,0.2298626453,,,0.06023653969 +1,Costa Rica,1993,1,0.6102911234,0.3528911471,0.3596812487,0.9493533373,0.05064664036,0.7695621252,0.2079758048,0.248165518,,,0.06412683427 +1,Costa Rica,1993,2,0.5959871411,0.3528911471,0.8543465734,0.9642524123,0.03574761003,0.7162307501,0.2246055901,0.245504424,,,0.06784918904 +1,Costa Rica,1994,1,0.613840282,0.3487321138,0.3690979779,0.943575561,0.0564244315,0.7706775069,0.1940073073,0.261579752,,,0.06347123533 +1,Costa Rica,1994,2,0.5958030224,0.3487321138,0.8531145453,0.9660042524,0.03399576619,0.718096137,0.2043333948,0.2330371588,,,0.06884533912 +1,Costa Rica,1995,1,0.6177313924,0.3479942977,0.3774177134,0.9356563091,0.06434370577,0.7659562826,0.2016850114,0.2683857977,,,0.05024978518 +1,Costa Rica,1995,2,0.5940634012,0.3479942977,0.8636212945,0.9545300007,0.04546998814,0.714428246,0.2134617865,0.255350709,,,0.06108889729 +1,Costa Rica,1996,1,0.6158931851,0.3458528817,0.3623116016,0.9165943861,0.08340562135,0.7819823027,0.1758218259,0.2645177543,,,0.05062893406 +1,Costa Rica,1996,2,0.5979773998,0.3458528817,0.8427554965,0.9472920299,0.05270798877,0.7012467384,0.2194178849,0.2632467449,,,0.05326541513 +1,Costa Rica,1997,1,0.6161353588,0.3417052627,0.3932700753,0.9247742891,0.07522571832,0.7498421073,0.2138115913,0.2491046935,,,0.05115953088 +1,Costa Rica,1997,2,0.6045278907,0.3417052627,0.8527434468,0.9514219165,0.04857809469,0.6988230348,0.2129567116,0.2561932206,,,0.05410725251 +1,Costa Rica,1998,1,0.6229829788,0.3375113904,0.4171216488,0.918294549,0.08170543611,0.7648047805,0.196948573,0.2451182157,,,0.04945103824 +1,Costa Rica,1998,2,0.6110112071,0.3375113904,0.8638261557,0.9570288658,0.04297115281,0.704678297,0.1992809027,0.2589416504,,,0.05428229645 +1,Costa Rica,1999,1,0.6243188381,0.3401302397,0.4158758223,0.9184934497,0.08150654286,0.755562067,0.2021573037,0.2797170281,,,0.05665070191 +1,Costa Rica,1999,2,0.6036894321,0.3401302397,0.8579879999,0.9509171844,0.04908282682,0.707262516,0.1957244128,0.2638079524,,,0.06019638479 +1,Costa Rica,2000,1,0.6328810453,0.3273747861,0.3950528204,0.9309574962,0.06904250383,0.7701374888,0.201476723,0.2749562263,,,0.05238263682 +1,Costa Rica,2000,2,0.616021812,0.3273747861,0.8448950648,0.9560758471,0.04392412677,0.6945241094,0.2376345694,0.2602580786,,,0.05979512259 +1,Costa Rica,2001,1,0.641384542,0.3213106096,0.451631397,0.9228895307,0.07711044699,0.7200118303,0.2307626605,0.2680559158,0.09903580695,0.1215779483,0.051153332 +1,Costa Rica,2001,2,0.626385808,0.3213106096,0.8405255675,0.9467794299,0.05322059616,0.6938617229,0.213526994,0.2314025015,0.1302252412,0.04860782996,0.05522562936 +1,Costa Rica,2002,1,0.6480596662,0.3143776357,0.4470493793,0.9205530286,0.07944695652,0.7147404552,0.2393786758,0.2759603858,0.09983543307,0.1161430031,0.05174251646 +1,Costa Rica,2002,2,0.6315105557,0.3143776357,0.8361778855,0.9431509376,0.05684904382,0.6860928535,0.2195947021,0.22651878,0.1247549281,0.05051616579,0.05402882025 +1,Costa Rica,2003,1,0.6548746824,0.305182308,0.4510171413,0.91729182,0.0827082023,0.7183061242,0.233213082,0.282681793,0.1023700982,0.1201632023,0.04478022829 +1,Costa Rica,2003,2,0.6426538229,0.305182308,0.8413193822,0.9409167171,0.0590833053,0.7007330656,0.1960058808,0.2360882461,0.1289734691,0.05231900886,0.05356626585 +1,Costa Rica,2004,1,0.656024456,0.2985678017,0.4337631464,0.9145745039,0.08542548865,0.7121349573,0.2447922379,0.2873164415,0.1024683863,0.1346381903,0.04152820632 +1,Costa Rica,2004,2,0.647076726,0.2985678017,0.8321735263,0.9453204274,0.05467955023,0.6945510507,0.2084408402,0.2378040403,0.1254497021,0.0500699617,0.05016990378 +1,Costa Rica,2005,1,0.6642590165,0.2899624109,0.4748035967,0.9032844305,0.09671556205,0.7377607226,0.2199725062,0.2766912282,0.09818709642,0.1215892583,0.03491936624 +1,Costa Rica,2005,2,0.655053854,0.2899624109,0.8404155374,0.9503991604,0.04960085824,0.7231555581,0.1886247247,0.2253263593,0.1278078407,0.05280464888,0.04273309931 +1,Costa Rica,2006,1,0.6739848852,0.2853310406,0.473043412,0.9126041532,0.08739583194,0.745241344,0.2086906433,0.2755401134,0.1097385958,0.123573184,0.03618812561 +1,Costa Rica,2006,2,0.6557790041,0.2853310406,0.8357753754,0.9567072988,0.04329271242,0.7033115625,0.2046374977,0.2305057049,0.1222407371,0.05210736394,0.04024779424 +1,Costa Rica,2007,1,0.6802185774,0.2815088928,0.4859189689,0.9310290813,0.06897090375,0.7675216198,0.192890048,0.2732254267,0.1126238629,0.133444652,0.03280332312 +1,Costa Rica,2007,2,0.6554812789,0.2815088928,0.8433238268,0.9670731425,0.03292687982,0.7293778658,0.1827505678,0.230887115,0.1246609464,0.05795574188,0.03768953308 +2,Costa Rica,2008,1,0.6855569482,0.2741073668,0.4870100915,0.9364863038,0.06351366639,0.7599468827,0.1973136961,0.2648413479,0.1309977621,0.1267044991,0.03582105786 +2,Costa Rica,2008,2,0.6617279649,0.2741073668,0.8308669329,0.9580593705,0.04194062576,0.7288595438,0.1810632348,0.2325193137,0.1389644146,0.05975279212,0.03697339818 +2,Costa Rica,2009,1,0.6935155988,0.2586454451,0.4919108152,0.9000031352,0.09999684989,0.754317522,0.2054721415,0.279289186,0.120764032,0.1306406111,0.03304798901 +2,Costa Rica,2009,2,0.676685214,0.2586454451,0.8208509088,0.933293879,0.06670612842,0.7279220223,0.183412388,0.2385707796,0.1473444253,0.06684135646,0.03865709528 +2,Costa Rica,2010,1,0.6906368136,0.2545732856,0.4803936183,0.9047538042,0.09524617344,0.8018959165,0.1817294508,0.2587757111,0.1122253016,0.1246815771,0.03700069338 +2,Costa Rica,2010,2,0.6753851175,0.2545732856,0.8123702407,0.9402019382,0.05979808047,0.754455626,0.2035556436,0.2195703536,0.1315857619,0.06270003319,0.04200590029 +2,Costa Rica,2012,1,0.6925809979,0.2378677726,0.5041304827,0.8969581723,0.1030418053,0.8055548072,0.1783061028,0.24570553,0.1027083769,0.1096069068,0.03126479313 +2,Costa Rica,2012,2,0.6915017962,0.2378677726,0.814840436,0.9366907477,0.06330926716,0.7539941072,0.2026345879,0.2161376774,0.09254101664,0.0641881004,0.03716372326 +2,Costa Rica,2015,1,0.6925358772,0.2235464603,0.5184806585,0.8930801153,0.1069198996,0.7951812148,0.1783721894,0.2652172744,0.08759012818,0.1093999669,0.02368982323 +2,Costa Rica,2015,2,0.685972631,0.2235464603,0.8083285689,0.9268963933,0.0731035769,0.7618541718,0.1892315447,0.2223248035,0.1073266268,0.06899349391,0.0318701975 +1,Dominican Republic,1996,1,0.5958336592,0.3213676512,0.4198060334,0.6926724911,0.3073275089,0.7170376182,0.2671809793,0.2985070646,,,0.09485062212 +1,Dominican Republic,1996,2,0.574044168,0.3213676512,0.8514755964,0.8950285912,0.1049714312,0.5774533153,0.3745158613,0.1984792948,,,0.09497530758 +1,Dominican Republic,1997,1,0.5899446607,0.3388450742,0.4543799758,0.719547987,0.280452013,0.6848227978,0.3016039133,0.2921506763,,,0.1469801664 +1,Dominican Republic,1997,2,0.571208775,0.3388450742,0.8616794348,0.9025427699,0.09745720774,0.5253928304,0.4314572811,0.2229679823,,,0.1350881159 +1,Dominican Republic,2000,1,0.6160112619,0.3310928047,0.453736037,0.9256417751,0.07435819507,0.7172537446,0.2665255666,0.2870815694,,,0.1036368832 +1,Dominican Republic,2000,2,0.5975217819,0.3310928047,0.8233781457,0.9652125239,0.03478746861,0.5115875602,0.4578879476,0.252743423,,,0.1067340001 +1,Dominican Republic,2001,1,0.6140671968,0.3313673437,0.4009144902,0.9197868705,0.08021309972,0.6770356894,0.2982358038,0.3321553767,0.1066674441,0.1376261413,0.09876325727 +1,Dominican Republic,2001,2,0.5907529593,0.3313673437,0.7871104479,0.9549696445,0.04503035918,0.4973776937,0.4594051242,0.2343712747,0.04876888171,0.04237036407,0.1041099057 +1,Dominican Republic,2002,1,0.6171990633,0.3249638677,0.4105918109,0.9347339869,0.06526601315,0.6909250021,0.2890120447,0.3010472357,,,0.09529779851 +1,Dominican Republic,2002,2,0.602832973,0.3249638677,0.7673944831,0.9694923162,0.03050765768,0.4706102908,0.4925486445,0.2376404256,,,0.1134574488 +1,Dominican Republic,2003,1,0.6164751649,0.3344865739,0.4021922946,0.9294165373,0.07058347017,0.7115337253,0.2719320059,0.2859799564,,,0.0949196592 +1,Dominican Republic,2003,2,0.6016392112,0.3344865739,0.7714255452,0.959697783,0.0403021872,0.4817172885,0.4755513072,0.2474935204,,,0.0967579037 +1,Dominican Republic,2004,1,0.6231974363,0.3266072571,0.4050904214,0.9343022108,0.06569779664,0.7046519518,0.2648797631,0.2831473351,,,0.08758731186 +1,Dominican Republic,2004,2,0.6057413816,0.3266072571,0.770275712,0.9683081508,0.03169184923,0.4951992035,0.4491278231,0.2370996624,,,0.09127812088 +1,Dominican Republic,2005,1,0.6189602613,0.3194953203,0.4073794484,0.9341000319,0.0658999458,0.6765229702,0.2946104109,0.307998389,,,0.08676060289 +1,Dominican Republic,2005,2,0.6192058921,0.3194953203,0.7562969923,0.9669178128,0.033082176,0.4748035967,0.4761606157,0.2469704896,,,0.08982723951 +1,Dominican Republic,2006,1,0.6280338764,0.3157564104,0.4241756797,0.9452822208,0.05471778288,0.6899917722,0.2812899351,0.28920573,,,0.0776771456 +1,Dominican Republic,2006,2,0.6152169108,0.3157564104,0.7693644166,0.9715903997,0.02840957046,0.470164299,0.4870125055,0.2524317503,,,0.08903928101 +1,Dominican Republic,2007,1,0.6357418299,0.309037894,0.4804348648,0.9499839544,0.05001606047,0.6886599064,0.2876807153,0.2857365906,0.09333188087,0.1397796571,0.08131996542 +1,Dominican Republic,2007,2,0.6159683466,0.309037894,0.8256159425,0.9761500955,0.02384991013,0.4807882309,0.4685882032,0.2559340894,0.05715583637,0.03477855027,0.07852374017 +2,Dominican Republic,2008,1,0.6378438473,0.3120761514,0.4160962105,0.9671721458,0.03282788396,0.6762779951,0.3056212068,0.3076047301,,,0.08556453884 +2,Dominican Republic,2008,2,0.62514925,0.3120761514,0.7718685865,0.9847221375,0.01527789142,0.4555688798,0.4948295355,0.2563394606,,,0.09422212839 +2,Dominican Republic,2009,1,0.6397649646,0.3049293458,0.4067025185,0.9457224011,0.05427758023,0.6851358414,0.2865841091,0.2891252339,,,0.08318978548 +2,Dominican Republic,2009,2,0.6281463504,0.3049293458,0.7575377226,0.9676647186,0.03233529255,0.4396963716,0.5067586899,0.2768290341,,,0.08548356593 +2,Dominican Republic,2010,1,0.6391862631,0.2987525463,0.4396667182,0.9596241713,0.04037582502,0.6560465097,0.3121920824,0.2988868654,,,0.08213797957 +2,Dominican Republic,2010,2,0.6313868165,0.2987525463,0.7530408502,0.9725229144,0.02747709304,0.4373438358,0.523222208,0.2634340823,,,0.08156996965 +2,Dominican Republic,2011,1,0.644213438,0.2945618331,0.4616446197,0.9432936311,0.05670637265,0.6652006507,0.3116890192,0.2969379127,0.09548779577,0.1334728152,0.07501471043 +2,Dominican Republic,2011,2,0.6320754886,0.2945618331,0.756926477,0.9681274295,0.03187257051,0.4474405646,0.5197128654,0.2667057216,0.05007535592,0.0412350148,0.08538093418 +2,Dominican Republic,2012,1,0.6454411149,0.2947476804,0.467259258,0.9315689802,0.06843099743,0.6872091889,0.2883867323,0.293451339,0.1025393829,0.1391966194,0.07483711094 +2,Dominican Republic,2012,2,0.6236652732,0.2947476804,0.7700421214,0.9588596225,0.0411403589,0.4617353976,0.5052121878,0.263566494,0.05324185267,0.04102734104,0.07810294628 +2,Dominican Republic,2013,1,0.6415874362,0.2929072082,0.5137290955,0.9289078712,0.0710921213,0.6963013411,0.2780409753,0.2997276187,0.09123826027,0.1418539882,0.06746894121 +2,Dominican Republic,2013,2,0.6393585205,0.2929072082,0.8103175759,0.9641629457,0.03583707288,0.4725729525,0.490357548,0.2544580698,0.05842537433,0.04518985376,0.07816690952 +2,Dominican Republic,2015,1,0.6655902863,0.2725776136,0.474072516,0.9456418157,0.05435820669,0.7153593302,0.2622165084,0.2959708273,0.08030869067,0.1341600716,0.06582931429 +2,Dominican Republic,2015,2,0.6469972134,0.2725776136,0.7766845822,0.9801533222,0.01984666102,0.4833757877,0.4836564064,0.2633872032,0.06423114985,0.05646272749,0.07351925224 +1,Ecuador,1994,1,0.5966960192,0.3750186861,0.5494483113,0.9716706872,0.02832933329,0.4234254658,0.551286459,0.2980511785,,,0.1010683402 +1,Ecuador,1994,2,0.5719704628,0.3750186861,0.8925141692,0.9807774425,0.01922258176,0.6024643779,0.3190048337,0.1830704659,,,0.07978722453 +1,Ecuador,1995,1,0.5843876004,0.3824638426,0.6006416082,0.9120893478,0.08791063726,0.4174957573,0.5516337156,0.270773828,,,0.08745011687 +1,Ecuador,1995,2,0.5678668022,0.3824638426,0.9104508758,0.9589226246,0.04107734561,0.5750220418,0.3301230967,0.1102059633,,,0.05894513428 +1,Ecuador,1998,1,0.59196347,0.3631940782,0.5727876425,0.9810464382,0.01895358413,0.404427439,0.5579912663,0.3278778493,,,0.07565055788 +1,Ecuador,1998,2,0.5722083449,0.3631940782,0.8800677657,0.9889199138,0.01108011231,0.5541881919,0.3435386717,0.2042602748,,,0.0472465381 +1,Ecuador,1999,1,0.5917882323,0.3622401953,0.6256865859,0.9782091975,0.02179081924,0.3853638768,0.5836805701,0.3014352024,,,0.0871110484 +1,Ecuador,1999,2,0.5756046176,0.3622401953,0.8934315443,0.987765193,0.01223477814,0.5761343241,0.3344966173,0.2243454903,,,0.05358184129 +1,Ecuador,2000,1,0.6029642224,0.3434023261,0.5103151798,0.8840852976,0.1159146875,0.5103027225,0.4685522914,0.2980960011,0.05655312166,0.08636573702,0.0888428092 +1,Ecuador,2000,2,0.5914577246,0.3434023261,0.8523717523,0.9499961734,0.05000383407,0.5894254446,0.3588849902,0.1967522502,0.03848332167,0.03011748195,0.06687150896 +1,Ecuador,2003,1,0.6049585938,0.3499295413,0.6216455102,0.784026742,0.215973258,0.5008546114,0.4645483494,0.3055121899,,,0.08016952872 +1,Ecuador,2003,2,0.5913263559,0.3499295413,0.8613918424,0.9255796671,0.07442030311,0.6146022677,0.3303610981,0.1977273822,,,0.05553575978 +1,Ecuador,2004,1,0.6105846763,0.3390050828,0.6282523274,0.8685600162,0.1314399689,0.4431068599,0.5117849112,0.2962943017,0.0703060776,0.05871952698,0.07624566555 +1,Ecuador,2004,2,0.5919286609,0.3390050828,0.8683429956,0.9469331503,0.05306686088,0.5987094045,0.3244417012,0.2033574432,0.05060866475,0.02621181682,0.05179649219 +1,Ecuador,2005,1,0.6182861924,0.3245814443,0.6044746637,0.8615697622,0.1384302378,0.4916470647,0.4676313996,0.3084608018,0.07101725787,0.0625969097,0.07514282316 +1,Ecuador,2005,2,0.6039128304,0.3245814443,0.8662233949,0.951361537,0.04863844067,0.5997469425,0.3281633556,0.2044003904,0.05146129057,0.02703350969,0.05356033146 +1,Ecuador,2006,1,0.6162102222,0.325265497,0.5976289511,0.8924785852,0.1075213999,0.4745555818,0.4874051511,0.3198049068,0.06251180917,0.07691913843,0.0724247694 +1,Ecuador,2006,2,0.6031494737,0.325265497,0.8765728474,0.9556126595,0.04438732192,0.615423739,0.3159367144,0.2078326643,0.04425137118,0.03592820093,0.04509264231 +1,Ecuador,2007,1,0.6151247621,0.3261485696,0.5734186769,0.9222271442,0.07777285576,0.4802225232,0.4892727435,0.3261509836,0.06645924598,0.07771009207,0.06918945909 +1,Ecuador,2007,2,0.5995473862,0.3261485696,0.862249434,0.9590037465,0.04099624977,0.6197966337,0.3166019917,0.2046435177,0.04671802744,0.0366877988,0.04629709199 +2,Ecuador,2008,1,0.6276297569,0.3128317893,0.5548700094,0.9055070877,0.09449292719,0.5045571923,0.4665446281,0.3182661831,,,0.07382598519 +2,Ecuador,2008,2,0.6035397053,0.3128317893,0.8506202698,0.9527513385,0.04724867642,0.6357874274,0.3011179566,0.1991711408,,,0.04779909551 +2,Ecuador,2009,1,0.6317508817,0.2937828004,0.5543689132,0.9037081003,0.09629189968,0.495649159,0.4831049144,0.3253647685,,,0.0723997131 +2,Ecuador,2009,2,0.6146484613,0.2937828004,0.8394739628,0.9433688521,0.05663115904,0.6195617318,0.3294759393,0.1951572448,,,0.04645552486 +2,Ecuador,2010,1,0.6313865185,0.2857298255,0.5246292949,0.9279149771,0.07208504528,0.5153406858,0.4661192894,0.3297478855,,,0.06766831875 +2,Ecuador,2010,2,0.617580235,0.2857298255,0.8177340627,0.9558753371,0.0441246666,0.6265818477,0.3322845101,0.1909285784,,,0.04629257694 +2,Ecuador,2011,1,0.6336420178,0.2761943042,0.518191874,0.9343136549,0.06568635255,0.4932278395,0.4879446626,0.3538002968,,,0.06143329293 +2,Ecuador,2011,2,0.6202493906,0.2761943042,0.8242074251,0.963634789,0.03636520356,0.6082478762,0.3487283289,0.2032109648,,,0.04424592853 +2,Ecuador,2014,2,0.6095796824,0.3060343266,0.826369226,0.9672653675,0.03273462877,0.6517143846,0.3090183139,0.0464688614,0.04498570412,0.04439237714,0.0300873518 +2,Ecuador,2015,1,0.6339575052,0.3076322973,0.5498206615,0.9366272092,0.06337278336,0.5053613782,0.4761381745,0.3399533927,0.09638786316,0.08156957477,0.04454376921 +2,Ecuador,2015,2,0.6183341742,0.3076322973,0.8303222656,0.9594217539,0.04057823494,0.6420638561,0.3179098666,0.1937009096,0.04972228035,0.04654799774,0.02591628581 +1,Guatemala,2000,1,0.5338357091,0.4385639727,0.4707556367,0.9844828844,0.01551711746,0.426025033,0.5099678636,0.3393641114,0.0281324517,0.04072497785,0.3960988522 +1,Guatemala,2000,2,0.4979116023,0.4385639727,0.9113547206,0.9861735106,0.01382648293,0.5629175305,0.3448881805,0.1398343891,0.02792423218,0.02329034358,0.2469833791 +1,Guatemala,2002,1,0.6792346239,0.4021795988,0.4738602936,0.9792594314,0.02074057981,0.3786422014,0.5909426808,0.3035672903,0.02444279194,0.04952971637,0.3425094187 +1,Guatemala,2002,2,0.6715300083,0.4021795988,0.896563828,0.9800707102,0.01992926188,0.504970789,0.4238068461,0.1791080385,0.01978412457,0.03096375428,0.2220763713 +1,Guatemala,2003,1,0.6798121929,0.3988126516,0.4955424666,0.982006371,0.01799362712,0.4041025341,0.5657883286,0.3279635608,0.02372792177,0.0391163528,0.3115621805 +1,Guatemala,2003,2,0.6732668877,0.3988126516,0.8991133571,0.9802439213,0.01975605451,0.5338697433,0.3960602283,0.1660254449,0.02920570038,0.03153397143,0.1999836415 +1,Guatemala,2004,1,0.5511826873,0.3999597728,0.4373818338,0.9768849611,0.02311501279,0.4207657278,0.5532170534,0.3587138057,0.0407865867,0.04244127125,0.3384589255 +1,Guatemala,2004,2,0.5267823339,0.3999597728,0.8942588568,0.9788309932,0.02116900496,0.5368657112,0.4051115215,0.1670172215,0.04029916227,0.02686107345,0.2073975503 +1,Guatemala,2006,1,0.5628798008,0.4233113527,0.4904956818,0.9807596803,0.01924032159,0.4408333302,0.5360716581,0.3359418213,0.03886564076,0.04150418192,0.3122312725 +1,Guatemala,2006,2,0.5115011334,0.4233113527,0.9085255265,0.9857751131,0.01422489155,0.5970288515,0.3566282392,0.1619099826,0.04231258482,0.02824467421,0.1920177788 +2,Guatemala,2011,1,0.5881058574,0.3906588554,0.4673087001,0.9447062016,0.05529381707,0.5164403319,0.4687441885,0.3240736127,0.05878804997,0.0396341309,0.3312901855 +2,Guatemala,2011,2,0.5480147004,0.3906588554,0.8804261684,0.9775536656,0.02244634368,0.6407770514,0.3341915309,0.1651342511,0.03653003275,0.02761935256,0.1934033334 +1,Honduras,1991,1,0.5235154033,0.4444079697,0.3435228765,0.9573325515,0.04266741872,0.5589686632,0.4063127339,0.3039608002,0.001376149012,0.0003907879582,0.2199233472 +1,Honduras,1991,2,0.4919752479,0.4444079697,0.867146492,0.9635335803,0.0364664346,0.5172845721,0.3885827959,0.1051120758,0.0007549670408,0.0009636315517,0.2105355114 +1,Honduras,1992,1,0.5270851851,0.4291107059,0.3552275598,0.9590873122,0.04091266543,0.5625418425,0.40542382,0.3031707406,0.2672521472,0.01878507435,0.1929830164 +1,Honduras,1992,2,0.4990932047,0.4291107059,0.8580576181,0.9644674063,0.0355326198,0.5188705325,0.3674502373,0.1209099516,0.4105629623,0.2130711824,0.1942026019 +1,Honduras,1993,1,0.5449895263,0.4139130414,0.367459178,0.9650683999,0.03493157402,0.5480406284,0.4108688235,0.2981097996,0.2674968839,0.01619190536,0.1986329705 +1,Honduras,1993,2,0.5088477135,0.4139130414,0.8598463535,0.9639248252,0.03607517481,0.5388349295,0.3450096548,0.1357335895,0.3768685162,0.2322243005,0.1933053881 +1,Honduras,1994,1,0.5401291847,0.4212828577,0.3584649265,0.9789904952,0.02100951411,0.5569605231,0.4060003757,0.2982987165,0.2743849754,0.02846596949,0.1798798442 +1,Honduras,1994,2,0.5078955889,0.4212828577,0.8710148931,0.9816608429,0.01833916083,0.4961332679,0.3782440722,0.1042171344,0.4057787657,0.2137079835,0.1821584404 +1,Honduras,1995,1,0.5377374887,0.4263186157,0.3586356342,0.9712616205,0.02873836458,0.5260972381,0.4328714311,0.3084684014,0.002330354182,0.0,0.1868618429 +1,Honduras,1995,2,0.5064700246,0.4263186157,0.8758453131,0.9751567841,0.02484322339,0.5047072768,0.3806127906,0.1032820567,0.001844841172,0.0002529715421,0.1809292734 +1,Honduras,1996,1,0.5378370881,0.4262363613,0.3982506692,0.9550660253,0.04493395612,0.5109470487,0.4491351247,0.3301245272,0.2717208564,0.03098929673,0.1836574525 +1,Honduras,1996,2,0.5049278736,0.4262363613,0.8826106191,0.9639154673,0.03608453274,0.5055956841,0.3687152267,0.1119453758,0.3932678998,0.2099516094,0.1856517345 +1,Honduras,1997,1,0.5468273163,0.4219663739,0.4260490537,0.9521448016,0.04785522446,0.5253333449,0.4297348857,0.3223457634,0.2763904631,0.06477554142,0.181371212 +1,Honduras,1997,2,0.5041678548,0.4219663739,0.8954417109,0.9610689282,0.03893107548,0.4780902565,0.3873348534,0.1109573022,0.08113782853,0.5319364667,0.1784058362 +1,Honduras,1998,1,0.5487571955,0.4159836173,0.4408599436,0.9555183649,0.04448165372,0.5003706813,0.460867852,0.3481107652,0.3156711161,0.07141617686,0.1716760993 +1,Honduras,1998,2,0.5139917731,0.4159836173,0.8954136372,0.9606274366,0.03937255964,0.5052679777,0.3663277924,0.1331003755,0.1063432321,0.4712593853,0.1596381217 +1,Honduras,1999,1,0.5468976498,0.4144790769,0.4769257903,0.959807694,0.04019232839,0.4668171406,0.4971775115,0.3743041754,0.3355066478,0.07666642964,0.166800186 +1,Honduras,1999,2,0.5153951645,0.4144790769,0.8979421258,0.9601886272,0.03981139883,0.5074020624,0.3622002006,0.1252065152,0.1016358882,0.4826940894,0.1701491624 +1,Honduras,2001,1,0.5600854158,0.4059032202,0.4458660781,0.950312376,0.0496875979,0.5033667684,0.457952857,0.3684958816,0.0,0.06538426131,0.1593987346 +1,Honduras,2002,1,0.5543723702,0.4120792747,0.4024907351,0.9445633888,0.05543659627,0.5101604462,0.4523082674,0.3272888064,0.0,0.06249131635,0.1687351167 +1,Honduras,2002,2,0.5185053349,0.4120792747,0.8797332048,0.9617783427,0.03822168335,0.4769889414,0.4072239995,0.1382125914,0.0,0.06341638416,0.1798453331 +1,Honduras,2003,1,0.5536255836,0.4085458517,0.400701493,0.9358035326,0.06419647485,0.4915878177,0.4755139947,0.3353572786,0.0,0.06340491772,0.1619982719 +1,Honduras,2003,2,0.5209137201,0.4085458517,0.8222019672,0.9465343356,0.05346563831,0.5311556458,0.3534242511,0.1498823911,0.0,0.06569632888,0.1693843901 +1,Honduras,2004,1,0.5604314804,0.3946722448,0.4040809572,0.9140120745,0.08598791808,0.5211470127,0.4234390557,0.3375386,0.0,0.06889075786,0.13966313 +1,Honduras,2004,2,0.5326952934,0.3946722448,0.8545506597,0.9498770833,0.05012290925,0.5004997253,0.3548643887,0.1485267431,0.0,0.06076363847,0.1468316764 +1,Honduras,2005,1,0.5719203353,0.3884732425,0.4402445555,0.9330258369,0.06697414815,0.464815855,0.4896614254,0.339401722,0.0,0.04726800695,0.1427900642 +1,Honduras,2005,2,0.5362921357,0.3884732425,0.8594100475,0.9570810199,0.04291896895,0.5064482093,0.3494448364,0.1515327543,0.0,0.05621168762,0.1541544497 +1,Honduras,2006,1,0.5758234859,0.3836547434,0.4122333229,0.9543128014,0.04568719119,0.4836228788,0.4695519507,0.3311719596,0.0,0.04988054931,0.1349270195 +1,Honduras,2006,2,0.5363694429,0.3836547434,0.8559873104,0.9672285914,0.03277143836,0.5014553666,0.3508808911,0.1402951628,0.0,0.05676354095,0.1416944861 +1,Honduras,2007,1,0.5835317373,0.3774525523,0.4046898484,0.9564308524,0.04356913641,0.4903796017,0.4608760178,0.3463269472,0.0,0.05105969682,0.1348903924 +2,Honduras,2008,1,0.5929059982,0.3632930517,0.4190528095,0.9664974809,0.03350253031,0.4897808731,0.4547977746,0.331037432,0.0,0.0521982871,0.1284797937 +2,Honduras,2008,2,0.5579496622,0.3632930517,0.8315990567,0.9678000808,0.03219991922,0.5212368965,0.3091807067,0.1432582736,0.0,0.06514032185,0.1331685334 +2,Honduras,2009,1,0.5992138982,0.3569978476,0.4355753362,0.9553689957,0.04463099316,0.4418190718,0.5069166422,0.3661348224,0.0,0.04693169519,0.1241569594 +2,Honduras,2009,2,0.5643023849,0.3569978476,0.8581905961,0.9710534215,0.02894658037,0.5201374888,0.3248800635,0.1451983154,0.0,0.06133366004,0.1294990927 +2,Honduras,2010,1,0.6089437604,0.3461455405,0.4538038969,0.943610847,0.05638917163,0.4329840243,0.5178704262,0.3699519634,0.0,0.05010318384,0.1121233329 +2,Honduras,2010,2,0.5698491931,0.3461455405,0.8490624428,0.9645215869,0.03547839075,0.4783510268,0.352011919,0.153532356,0.0,0.06345833093,0.1188173741 +2,Honduras,2011,1,0.6170558333,0.3387609124,0.4235132933,0.9344869256,0.0655130744,0.4789954424,0.4788476527,0.3565293849,0.1056348234,0.06251440197,0.1102924347 +2,Honduras,2011,2,0.5825035572,0.3387609124,0.839800477,0.9639434218,0.03605660051,0.4927250743,0.3728308976,0.1596434712,0.04793707281,0.01548129693,0.1121108755 +2,Honduras,2012,1,0.6152175069,0.3282059133,0.4138955772,0.9464012384,0.05359875783,0.4438865483,0.5031971931,0.3576536775,0.09833021462,0.04640488327,0.1108307093 +2,Honduras,2012,2,0.5830852985,0.3282059133,0.8260935545,0.9681866169,0.03181340545,0.4531241059,0.4100637436,0.1475733221,0.04585848749,0.01495302562,0.1110265702 +2,Honduras,2013,1,0.6090162992,0.3336291015,0.4536519051,0.9465088844,0.05349114165,0.4265834391,0.5230606794,0.3841169477,0.09529226273,0.04617437348,0.1014542803 +2,Honduras,2013,2,0.5809469819,0.3336291015,0.8503688574,0.9634651542,0.03653486073,0.4811654091,0.3588601947,0.161442861,0.04858483747,0.01650520042,0.1030644923 +2,Honduras,2014,1,0.6199028492,0.3326662481,0.4723362029,0.9308895469,0.06911048293,0.4521065354,0.4930870533,0.3418973386,0.08852611482,0.0409704335,0.08748877048 +2,Honduras,2014,2,0.5896757245,0.3326662481,0.8625041842,0.9560728073,0.04392721131,0.524156034,0.3291718662,0.1776652187,0.04354501516,0.01502558775,0.09039317816 +2,Honduras,2015,1,0.6281416416,0.3268329501,0.4773028493,0.9381835461,0.06181643158,0.4341520965,0.5200303197,0.3535994589,0.06700096279,0.04528579488,0.08202408999 +2,Honduras,2015,2,0.5914776325,0.3268329501,0.8575792313,0.9706508517,0.02934914269,0.5163763762,0.3628441691,0.1538751572,0.05578712374,0.02392778732,0.0944454968 +2,Honduras,2016,1,0.6308268309,0.3198988736,0.477558136,0.942841053,0.05715897307,0.4771400094,0.4666844904,0.3726049364,0.07870557904,0.04265098646,0.07620675862 +2,Honduras,2016,2,0.6020755768,0.3198988736,0.8440413475,0.9570929408,0.04290708154,0.5737668872,0.2950132489,0.1738494039,0.06783030182,0.02487237938,0.07818437368 +1,Haiti,2001,1,0.5556886792,0.3923251927,0.5655050874,0.6712571979,0.3287428021,0.1351385564,0.8611983061,0.5764750838,,,0.422218591 +1,Haiti,2001,2,0.550172627,0.3923251927,0.6909774542,0.7576552629,0.242344752,0.2159211636,0.7743124366,0.08957326412,,,0.3167401552 +1,Mexico,1989,1,0.5762789249,0.3821470439,0.3147254586,0.9712429643,0.02875704691,0.6940196753,0.2932764292,0.3060118258,0.05022977665,0.1936215609,0.1633803248 +1,Mexico,1989,2,0.5582806468,0.3821470439,0.831499517,0.9744872451,0.02551275119,0.688934505,0.273081094,0.2122350782,0.04666683078,0.08335392922,0.1190637723 +1,Mexico,1992,1,0.5892566442,0.3913775086,0.3388294876,0.9641503096,0.03584968671,0.6698324084,0.308011502,0.3240285218,0.052518785,0.1652416289,0.1506735235 +1,Mexico,1992,2,0.5653796196,0.3913775086,0.8570150137,0.9618456364,0.03815437853,0.6865879893,0.2470305711,0.2259232849,0.03233857453,0.05597892404,0.09985332936 +1,Mexico,1994,1,0.6041209102,0.3751581609,0.3795838356,0.9694259763,0.03057403676,0.6176217794,0.3684702218,0.2964130938,0.06074844673,0.1445245445,0.154353708 +1,Mexico,1994,2,0.5644860864,0.3751581609,0.8597304821,0.9564065337,0.04359348491,0.6870019436,0.2638023198,0.2192282379,0.03434161097,0.05377282947,0.1045475081 +1,Mexico,1996,1,0.6056556702,0.3683028519,0.4215689003,0.9645757675,0.03542422503,0.6014279127,0.3778621852,0.302859813,0.03683232144,0.1315464675,0.1244224086 +1,Mexico,1996,2,0.5783948302,0.3683028519,0.8578372598,0.9505211115,0.04947889596,0.6861744523,0.2545087636,0.2269205153,0.0306720268,0.0620499365,0.07722349465 +1,Mexico,1998,1,0.6120204329,0.3595552742,0.4340726435,0.9783807993,0.02161919139,0.5858861208,0.394249171,0.3217317164,0.0325098075,0.1284155846,0.1144463867 +1,Mexico,1998,2,0.584072113,0.3595552742,0.8586873412,0.9725420475,0.02745795622,0.6815965772,0.2594071925,0.2457505763,0.02954111435,0.06222113222,0.07766623795 +1,Mexico,2000,1,0.6196966171,0.3416221142,0.4245263636,0.9836692214,0.01633076742,0.6186861396,0.3593037724,0.3246901929,0.0406421721,0.1549684405,0.10647057 +1,Mexico,2002,1,0.6364562511,0.3392540812,0.4544988871,0.9779345393,0.02206547372,0.6242517829,0.3582264483,0.3546175957,0.03912486508,0.125780791,0.09449026734 +1,Mexico,2002,2,0.6005279422,0.3392540812,0.8496876359,0.9645696282,0.03543036804,0.7079336047,0.2406854331,0.24327299,0.02593980916,0.06688650697,0.07261583954 +1,Mexico,2004,1,0.6380862594,0.318428576,0.4588301182,0.9696836472,0.03031635471,0.6701040268,0.3138138056,0.370998174,0.0401818119,0.1252805442,0.09042046964 +1,Mexico,2004,2,0.6074918509,0.318428576,0.854693234,0.9562745094,0.04372546822,0.7560120821,0.2050520033,0.2363143265,0.03363983706,0.0632943362,0.06137695536 +1,Mexico,2005,1,0.6416140795,0.3171311021,0.4714154601,0.9748760462,0.02512397058,0.6497785449,0.3293904364,0.3654384017,0.04162161797,0.1362928748,0.08409709483 +1,Mexico,2005,2,0.6144766212,0.3171311021,0.8476858139,0.9532216191,0.04677840695,0.7453143001,0.2108680159,0.2493539155,0.03461067006,0.06686650962,0.05671513453 +1,Mexico,2006,1,0.6412793994,0.3197766244,0.5162607431,0.9711669087,0.0288330745,0.6271135211,0.3535681665,0.3647765517,0.04172591865,0.1240323484,0.07495725155 +1,Mexico,2006,2,0.6056144834,0.3197766244,0.8530624509,0.9622948766,0.0377051495,0.7430607677,0.2077741474,0.2398119569,0.03358738497,0.06885998696,0.04908201844 +2,Mexico,2008,1,0.6458631158,0.29986462,0.4831680357,0.9679381251,0.03206185251,0.7027741075,0.2257391214,0.3591680527,0.0,0.05446779355,0.0 +2,Mexico,2008,2,0.6262049675,0.29986462,0.8472608328,0.9464539886,0.05354598537,0.7683633566,0.1279313415,0.2510821819,0.0,0.1499513239,0.0 +2,Mexico,2010,1,0.6505978107,0.2913500667,0.4681316614,0.9585580826,0.04144193232,0.7166733742,0.2085900754,0.369381994,0.1058191806,0.2059657872,0.06639324874 +2,Mexico,2010,2,0.6281891465,0.2913500667,0.8451007009,0.9325054884,0.0674945116,0.7627489567,0.1384290457,0.241506815,0.03872841224,0.09652804583,0.04900827259 +2,Mexico,2012,1,0.6512320042,0.2907549143,0.5331958532,0.9726806879,0.02731930651,0.6532909274,0.2579016089,0.3778961897,0.0963241905,0.2081412524,0.05712214112 +2,Mexico,2012,2,0.6422632337,0.2907549143,0.8530887961,0.9456835389,0.05431646481,0.7394472361,0.1544331014,0.251144439,0.03565805778,0.1000320986,0.04247973487 +1,Nicaragua,1993,1,0.5292476416,0.4488911927,0.4523477852,0.7560284734,0.2439715117,0.5550007224,0.435649991,0.3612951338,0.1951579005,0.05081317201,0.2578084767 +1,Nicaragua,1993,2,0.5031812787,0.4488911927,0.8734228611,0.7783355713,0.2216644436,0.5360718966,0.4547923803,0.1369817853,0.06938570738,0.01776718348,0.2655414641 +1,Nicaragua,1998,1,0.5493080616,0.4311635494,0.4692955613,0.8253054619,0.1746945232,0.5517377257,0.4322102964,0.3771931231,0.111730732,0.04021034762,0.2224167436 +1,Nicaragua,1998,2,0.5332130194,0.4311635494,0.8931623101,0.8831111193,0.1168889031,0.5621591806,0.3887436986,0.1639694273,0.04343592748,0.01623986848,0.2277688682 +1,Nicaragua,2001,1,0.5688203573,0.4037264287,0.5070644617,0.832310915,0.1676890701,0.5021609664,0.475174576,0.351690203,0.1039305329,0.0426953584,0.2209736258 +1,Nicaragua,2001,2,0.553407073,0.4037264287,0.8999422193,0.885520041,0.1144799367,0.5569106936,0.3748736978,0.1596993655,0.03630147874,0.01753512956,0.2108801901 +1,Nicaragua,2005,1,0.598098278,0.3878705204,0.477995187,0.9175999761,0.08240003884,0.4935022891,0.4776699841,0.3344255686,0.1045615971,0.04242280126,0.1980900317 +1,Nicaragua,2005,2,0.5825615525,0.3878705204,0.8808000684,0.9389612079,0.06103877351,0.5378252864,0.4098819494,0.1522698253,0.03845018521,0.02046994306,0.1917513758 +2,Nicaragua,2009,1,0.621931076,0.3232781291,0.4667989612,0.9209086299,0.07909137756,0.5082626343,0.4818241894,0.3350082636,0.09244530648,0.05205796659,0.1584618539 +2,Nicaragua,2009,2,0.6014401913,0.3232781291,0.8628614545,0.9171975255,0.08280249685,0.4999057055,0.4821048379,0.1573746204,0.04595597833,0.02041707933,0.1567763537 +2,Nicaragua,2014,1,0.6402368546,0.3010902405,0.5167557001,0.929557085,0.07044291496,0.4998414814,0.4652023613,0.3827830553,0.1024907976,0.04292215034,0.1271365881 +2,Nicaragua,2014,2,0.6225891709,0.3010902405,0.8706473112,0.9475909472,0.05240903422,0.5844703317,0.3409701586,0.1663349718,0.0485448055,0.0207822118,0.1326761395 +1,Panama,1989,1,0.6118766665,0.3393898308,0.4116302729,0.7812392712,0.2187607288,0.8121450543,0.1792003661,0.1882227063,0.0,0.2333535552,0.05216106772 +1,Panama,1989,2,0.5982486606,0.3393898308,0.8285394907,0.8583179116,0.1416821033,0.5492184162,0.4281517863,0.1245617196,0.0,0.04437807947,0.04843409359 +1,Panama,1991,1,0.6222751141,0.3272382319,0.3707734942,0.8637461066,0.1362539083,0.8335226774,0.1490543187,0.2286278307,,,0.05794778839 +1,Panama,1991,2,0.6053712368,0.3272382319,0.7800981998,0.9067189693,0.09328104556,0.5634093285,0.4003110826,0.1880750358,,,0.06009491161 +1,Panama,1995,1,0.6101921201,0.3268353045,0.4145365655,0.8859224916,0.114077501,0.814869523,0.172494173,0.2466302663,0.02903420478,0.246309936,0.0433761254 +1,Panama,1995,2,0.6045148969,0.3268353045,0.8308516145,0.9121591449,0.08784084767,0.6320627332,0.3314109147,0.191408217,0.05367196724,0.07339648157,0.04386976361 +1,Panama,1997,1,0.6211100817,0.3175086975,0.4272039831,0.8922575712,0.1077424437,0.7989470363,0.1871882677,0.2629649639,0.02801873907,0.2551392615,0.04353374988 +1,Panama,1997,2,0.605068326,0.3175086975,0.8253491521,0.9096944332,0.09030557424,0.617755115,0.3476071656,0.2062462717,0.05758234486,0.07919800282,0.03884837404 +1,Panama,1998,1,0.6160883307,0.3179758787,0.4431608915,0.8651701808,0.1348298341,0.7874589562,0.1959608495,0.2596808076,0.02837609686,0.2527265847,0.04286037758 +1,Panama,1998,2,0.6115314364,0.3179758787,0.8333331347,0.916596055,0.08340393007,0.6359788775,0.3283585906,0.2129217088,0.06598354131,0.0722342208,0.04072033614 +1,Panama,1999,1,0.6151179671,0.3117200136,0.4379218221,0.8914920688,0.1085079238,0.7801751494,0.2041060776,0.2776536345,0.02559803426,0.2677326798,0.04121505842 +1,Panama,1999,2,0.6141085625,0.3117200136,0.8297438025,0.9258899689,0.07411003113,0.6344414949,0.3315253258,0.2110104114,0.05981420726,0.07542895526,0.03466551378 +1,Panama,2000,1,0.6164190173,0.3048126996,0.4187919796,0.8932211995,0.1067788005,0.8041142821,0.1817922443,0.2647257149,0.03093199246,0.2743063867,0.04047065601 +1,Panama,2000,2,0.613905251,0.3048126996,0.8141123056,0.9122614861,0.08773852885,0.624679029,0.3439076543,0.2128928155,0.05989827588,0.08275012672,0.03451519459 +1,Panama,2001,1,0.6317028403,0.3286754489,0.4120562673,0.8902596831,0.1097402945,0.763379693,0.2239986509,0.2570895255,0.02857404761,0.02445950359,0.07440849394 +1,Panama,2001,2,0.6227899194,0.3286754489,0.8112564683,0.9072073102,0.0927926749,0.5886442661,0.381564945,0.1980350614,0.02604141086,0.01751303859,0.05411963537 +1,Panama,2002,1,0.6257923245,0.326752305,0.4459854364,0.8900013566,0.1099986583,0.7341251969,0.2490652353,0.2679836452,0.03247527406,0.02318699099,0.06862989068 +1,Panama,2002,2,0.6166273952,0.326752305,0.8223281503,0.9125605822,0.08743944019,0.5927451849,0.3737623096,0.1975257993,0.02776260674,0.01824150607,0.05092747137 +1,Panama,2003,1,0.6292936802,0.3231229186,0.4625540674,0.8784346581,0.1215653345,0.724758029,0.2600494623,0.2639453113,0.03716865927,0.02478682064,0.06447076797 +1,Panama,2003,2,0.614441216,0.3231229186,0.8256656528,0.9140866995,0.08591330051,0.5856000781,0.380623132,0.1977695525,0.02707756497,0.01903628185,0.04351997003 +1,Panama,2004,1,0.631223917,0.3134429753,0.4749768674,0.8899114728,0.1100885496,0.7144132257,0.2715110481,0.2673064172,0.03149251267,0.0222437717,0.05791979656 +1,Panama,2004,2,0.6136069298,0.3134429753,0.8338183761,0.9230434895,0.07695651799,0.6055901051,0.3554233611,0.2080795914,0.03134791553,0.01853979193,0.03761162609 +1,Panama,2005,1,0.6384426355,0.3116100132,0.5093003511,0.8760161996,0.1239837781,0.6911301613,0.2943992913,0.2851432264,0.03999266773,0.02442671172,0.05630599707 +1,Panama,2005,2,0.6147038937,0.3116100132,0.8419182897,0.9275598526,0.07244013995,0.6045463085,0.3582240939,0.2133241445,0.02440025285,0.01527841855,0.03554674983 +1,Panama,2006,1,0.6307531595,0.3096878827,0.4940573275,0.893699348,0.1063006297,0.6999427676,0.2830964625,0.2702818215,0.03478366509,0.01956069656,0.05794678628 +1,Panama,2006,2,0.6209161878,0.3096878827,0.8387771845,0.9358639717,0.06413600594,0.6224822402,0.3414581418,0.2082121372,0.03257343173,0.01459841989,0.03513577953 +1,Panama,2007,1,0.6292331219,0.3042166829,0.5103275776,0.9200456142,0.07995437086,0.7121878862,0.2716935277,0.2799228132,0.0448015146,0.02496521547,0.05795696005 +1,Panama,2007,2,0.6191404462,0.3042166829,0.8378384113,0.9542616606,0.0457383208,0.651437223,0.3118011057,0.2040697932,0.02986420505,0.01490056235,0.03671192005 +2,Panama,2008,2,0.6194708347,0.3028834462,0.8608369827,0.9575662613,0.04243372008,0.6652300358,0.298145175,0.2064504176,0.02843643539,0.01574731246,0.03176498413 +2,Panama,2009,1,0.6310423613,0.3025033772,0.5306574702,0.9146227241,0.08537727594,0.6848706007,0.2965994179,0.2850486338,0.04740196094,0.02651650459,0.05064857006 +2,Panama,2009,2,0.6157047749,0.3025033772,0.8594405651,0.9510876536,0.04891236499,0.6582952738,0.3040186465,0.1938723922,0.0280522909,0.01909430698,0.03019170649 +2,Panama,2010,1,0.632730484,0.2969047129,0.5210776329,0.9190841913,0.08091581613,0.7153010368,0.2658001184,0.2799127698,0.04735198617,0.02833288163,0.05047763139 +2,Panama,2010,2,0.6194602251,0.2969047129,0.8531908989,0.949201405,0.0507985726,0.660528779,0.3013907373,0.1966272891,0.03310846165,0.016254263,0.02786859684 +2,Panama,2011,1,0.6338146329,0.3096841872,0.5059781075,0.9538217187,0.04617826641,0.7552983761,0.2235167921,0.2861795127,0.1106759235,0.1305500418,0.05377257243 +2,Panama,2011,2,0.6139082313,0.3096841872,0.8459126949,0.9605389833,0.03946099803,0.6640520692,0.3003228009,0.201486215,0.06775786728,0.0364520438,0.03134586662 +2,Panama,2012,1,0.6395859122,0.3078709841,0.5300058126,0.9537616372,0.04623837769,0.728015542,0.2550572753,0.2863449752,0.09605851024,0.1239360943,0.05221779272 +2,Panama,2012,2,0.6195068955,0.3078709841,0.8488166928,0.9673117995,0.0326881893,0.6836772561,0.2830332518,0.2013910264,0.07144877315,0.03476827964,0.03015218116 +2,Panama,2015,1,0.638428688,0.2847438455,0.5619367361,0.9387039542,0.06129606068,0.7103739381,0.2727345526,0.2864161134,0.1076370403,0.1177144423,0.04660543427 +2,Panama,2015,2,0.6188567877,0.2847438455,0.8341114521,0.9590144753,0.0409855172,0.66667974,0.2962332964,0.2057991028,0.06773560494,0.03063645586,0.02719018608 +1,Peru,1997,1,0.6021131277,0.3720907867,0.6336390376,0.9308699369,0.06913004816,0.3642911017,0.6151346564,0.3726736605,0.05084074289,0.06185638905,0.1547385454 +1,Peru,1997,2,0.5842651725,0.3720907867,0.8600634933,0.9530354738,0.04696452245,0.4922836125,0.4299107194,0.1754642725,0.06163670495,0.03957352415,0.06132194027 +1,Peru,1998,1,0.6017474532,0.3688445687,0.6627272367,0.9432137609,0.0567862317,0.3272327185,0.6521828175,0.3636108041,0.04396086186,0.05036730692,0.1343401521 +1,Peru,1998,2,0.5831472874,0.3688445687,0.8673477173,0.9532709122,0.04672909901,0.4521838129,0.4675472677,0.1827254444,0.08196681738,0.03397579119,0.04640493914 +1,Peru,1999,1,0.6045117974,0.3560342193,0.6754106879,0.9514425993,0.04855739325,0.3484224379,0.632329464,0.3598398268,0.04626055062,0.04598774388,0.1355275214 +1,Peru,1999,2,0.5853362083,0.3560342193,0.8496584296,0.9565233588,0.04347663,0.4544319808,0.4628775418,0.1668762267,0.07430115342,0.02713804506,0.06533248723 +1,Peru,2000,1,0.5980316997,0.3443351388,0.6739510894,0.9613312483,0.03866872564,0.3199988902,0.6607712507,0.3858546317,0.04229945689,0.04203642905,0.1173882559 +1,Peru,2000,2,0.583955884,0.3443351388,0.8636447787,0.9567055702,0.04329442978,0.4627538621,0.4562896788,0.1891759783,0.07769549638,0.02625480294,0.04798802361 +1,Peru,2001,1,0.6063148975,0.3540539145,0.6551489234,0.9498121142,0.05018789321,0.3501442373,0.6291515231,0.3584507406,0.04133247212,0.04243710265,0.1278086603 +1,Peru,2001,2,0.5972751379,0.3540539145,0.8498066068,0.953228116,0.04677190632,0.4806992114,0.453358233,0.1856444776,0.06500393152,0.02680850029,0.05671833828 +1,Peru,2002,1,0.6141805649,0.3470554352,0.6536373496,0.9390331507,0.06096684933,0.3614570498,0.6165800691,0.3375842869,0.04535484314,0.04757443443,0.117184639 +1,Peru,2002,2,0.6051856279,0.3470554352,0.8548285961,0.946105957,0.05389402434,0.476469934,0.4573827088,0.1815493554,0.0649503395,0.03113560565,0.04344527796 +1,Peru,2003,1,0.6164079905,0.3387541175,0.6916891932,0.9527878761,0.04721213877,0.3251100481,0.6535847783,0.350864321,0.04489002377,0.044052843,0.1545622498 +1,Peru,2003,2,0.6128357649,0.3387541175,0.8679643869,0.9526168108,0.04738318175,0.3553370833,0.5770543814,0.1788412035,0.06550063193,0.0315050371,0.07224756479 +1,Peru,2004,1,0.625184834,0.329284519,0.6912835836,0.9445625544,0.05543745309,0.344902724,0.6309473515,0.3546465039,0.0431124866,0.04503556713,0.103744179 +1,Peru,2004,2,0.6174988151,0.329284519,0.864351809,0.9550734162,0.04492655396,0.4682771564,0.4621357322,0.1716643721,0.06394029409,0.0348761715,0.0251116287 +1,Peru,2005,1,0.6204118729,0.3306877613,0.6832683682,0.9500669837,0.04993300512,0.3483155668,0.6245295405,0.3385936618,0.04171256721,0.04534482211,0.1214483753 +1,Peru,2005,2,0.6162294745,0.3306877613,0.8550682068,0.9538331628,0.04616683722,0.4733405113,0.4569981098,0.183109805,0.06270335615,0.03425014392,0.04248724505 +1,Peru,2006,1,0.629755199,0.3225643039,0.7014344931,0.9506395459,0.04936046526,0.3658900261,0.6070026755,0.3473950326,0.04215268046,0.04896650836,0.1044279486 +1,Peru,2006,2,0.6160615087,0.3225643039,0.8649802208,0.9631594419,0.03684055433,0.4966548085,0.4348888993,0.1778537184,0.07428469509,0.03601011261,0.02886930667 +1,Peru,2007,1,0.6284258366,0.3222559392,0.7285025716,0.9531215429,0.04687846825,0.3823564947,0.5878620148,0.3501878083,0.05503275618,0.04971575364,0.0828576833 +1,Peru,2007,2,0.6160888672,0.3222559392,0.8832409978,0.9619390368,0.0380609557,0.5088689327,0.4182956219,0.171710059,0.08096253872,0.03775336593,0.02017598972 +2,Peru,2008,1,0.6313707829,0.3119804263,0.6874887347,0.9498144388,0.05018558726,0.4000493288,0.5717621446,0.3462533951,0.05149618536,0.05667835101,0.1308576167 +2,Peru,2008,2,0.6202331185,0.3119804263,0.8624079823,0.9625341892,0.03746583313,0.507696569,0.4187547565,0.1477127671,0.07202430815,0.04386058077,0.05897560343 +2,Peru,2009,1,0.6381672621,0.3059169352,0.7343477011,0.9586846828,0.04131531715,0.386315465,0.5846412182,0.3529419005,0.05128142238,0.05843061209,0.09643057734 +2,Peru,2009,2,0.6304320693,0.3059169352,0.8821899891,0.961704433,0.03829557449,0.5186950564,0.4104040563,0.1742504835,0.07682517916,0.04588150606,0.02596918121 +2,Peru,2010,1,0.6405886412,0.2993583679,0.74931705,0.9605990052,0.0394009836,0.3855101168,0.5845970511,0.3672311008,0.05050358549,0.06025914848,0.09463536739 +2,Peru,2010,2,0.6308972239,0.2993583679,0.8810879588,0.9681159854,0.03188402951,0.5160126686,0.4095912278,0.1774635017,0.08323577791,0.04569753632,0.02656777576 +2,Peru,2011,1,0.6442858577,0.2902443409,0.7431125045,0.9629433751,0.03705660254,0.3998123407,0.5733448863,0.3638630807,0.0519686304,0.06820020825,0.08910553157 +2,Peru,2011,2,0.6306814551,0.2902443409,0.8791773319,0.9674052,0.03259479254,0.5104720592,0.4209648669,0.1689224243,0.07847827673,0.04948282614,0.02746021003 +2,Peru,2012,1,0.6484244466,0.2798821926,0.7384200692,0.9631260633,0.036873959,0.4091785252,0.5618152618,0.3719062805,0.05164561048,0.0729848966,0.07242120802 +2,Peru,2012,2,0.6406277418,0.2798821926,0.8759046197,0.972412467,0.02758753113,0.5256594419,0.4051314592,0.1711634696,0.08312091976,0.05419119075,0.01773273386 +2,Peru,2013,1,0.6521359086,0.2746770084,0.7342230082,0.9625087976,0.03749118373,0.4122143984,0.5601710081,0.3721828461,0.05011287332,0.07453357428,0.08080288768 +2,Peru,2013,2,0.6367346644,0.2746770084,0.8728746772,0.9710858464,0.02891416289,0.5393481255,0.3982405961,0.1796644032,0.08131152391,0.05714010447,0.02387487888 +2,Peru,2014,1,0.6512290239,0.2692659795,0.725910306,0.9676154852,0.03238449618,0.4155145884,0.5599936247,0.3724278808,0.05190360546,0.07448232174,0.0719800368 +2,Peru,2014,2,0.6395070553,0.2692659795,0.8671038747,0.9714220166,0.02857800573,0.5333154798,0.4097843468,0.1767422557,0.07716740668,0.0559185259,0.01650100946 +2,Peru,2015,1,0.6435685754,0.2824749947,0.7109848857,0.9697239995,0.0302760005,0.4278089702,0.5485649109,0.3688780665,0.05433513597,0.06987879425,0.06560283899 +2,Peru,2015,2,0.6303632855,0.2824749947,0.8611491919,0.9696598649,0.03034011461,0.5409338474,0.4061878324,0.1632532328,0.07972427458,0.05045743659,0.01699214987 +1,Paraguay,1995,1,0.5363987684,0.4164764881,1.0,0.9876533747,0.01234661881,0.3581021726,0.6175857186,0.2807471752,0.0,0.0,0.0552582778 +1,Paraguay,1995,2,0.5265395641,0.4164764881,1.0,0.995816946,0.0041830712,0.4508555233,0.4949980974,0.2003781646,0.0,0.0,0.03211147338 +1,Paraguay,1997,1,0.5392361283,0.4113433957,0.5125727057,0.9322044253,0.06779558957,0.4916646481,0.4730940461,0.3565276563,0.0,0.0,0.06484671682 +1,Paraguay,1997,2,0.5363534093,0.4113433957,0.9020613432,0.9534199238,0.04658009112,0.4751509428,0.4528228045,0.2191327661,0.0,0.0,0.04028949887 +1,Paraguay,1999,1,0.5487908721,0.3973050117,0.5102324486,0.9228079915,0.07719203085,0.4898637831,0.4838092327,0.308644712,,,0.06068742275 +1,Paraguay,1999,2,0.5547683835,0.3973050117,0.8750112653,0.9375745654,0.06242544204,0.4851981401,0.4447277188,0.2060688138,,,0.03494062647 +1,Paraguay,2001,2,0.5649465322,0.3814408183,0.8785766363,0.9308913946,0.06910860538,0.4775293767,0.4452701807,0.2069097608,0.0536789149,0.02908288501,0.04142502323 +1,Paraguay,2002,1,0.568421483,0.3810227215,0.5536260605,0.8587529063,0.1412470937,0.4722878337,0.5098224878,0.293335408,0.04123252258,0.06589172035,0.04832139611 +1,Paraguay,2002,2,0.5709668398,0.3810227215,0.895111382,0.90982759,0.09017241001,0.4469946921,0.5021198392,0.1887254417,0.05016714334,0.03442687169,0.03043502383 +1,Paraguay,2003,1,0.5753313303,0.3737401962,0.5585425496,0.8965538144,0.1034462154,0.476457864,0.4996510446,0.2637258768,0.04594695941,0.05993957818,0.04408015683 +1,Paraguay,2003,2,0.573271811,0.3737401962,0.8707407117,0.9330877662,0.06691221148,0.4626255333,0.4816152453,0.2107353061,0.04756590724,0.0420772098,0.03133495525 +1,Paraguay,2004,1,0.5910554528,0.3651403189,0.6052752733,0.9022268653,0.09777312726,0.4525284767,0.5259715319,0.2528315187,0.03990952298,0.06132664904,0.04021527246 +1,Paraguay,2004,2,0.5834119916,0.3651403189,0.887521863,0.9388700724,0.06112992391,0.4611355662,0.4817850888,0.2126446515,0.04477277026,0.03704052791,0.02847681195 +1,Paraguay,2005,1,0.5862509012,0.2511875033,0.5918599963,0.9242120385,0.07578796893,0.5123941302,0.4638028741,0.2572843134,0.04362209514,0.06999775022,0.05568625033 +1,Paraguay,2005,2,0.5912395716,0.2511875033,0.8772633672,0.9506797194,0.049320288,0.4865542054,0.4545829594,0.2087287307,0.05054854974,0.03511337936,0.03740086779 +1,Paraguay,2006,1,0.5894736052,0.2455021292,0.5562273264,0.9092581868,0.09074182808,0.4901370108,0.4870732427,0.2752178311,0.03462643549,0.06497882307,0.06317673624 +1,Paraguay,2006,2,0.5894062519,0.2455021292,0.8740573525,0.9455676079,0.05443242192,0.4911045134,0.4495517015,0.2011516839,0.0429463312,0.04258420318,0.03986554593 +1,Paraguay,2007,1,0.5929152966,0.2413448691,0.7246876955,0.9451658726,0.05483411625,0.5236276984,0.4177234769,0.2632822096,0.05370362848,0.06867524236,0.04496165738 +1,Paraguay,2007,2,0.658107996,0.2413448691,0.7375352383,0.9455794096,0.05442060158,0.5228030086,0.4228314161,0.2776697278,0.06258501112,0.06745993346,0.06373856217 +2,Paraguay,2008,1,0.6199074984,0.2382055968,0.7247231007,0.9456789494,0.05432102457,0.5573847294,0.3951965868,0.2647782564,0.04996422306,0.07297407836,0.05418930948 +2,Paraguay,2008,2,0.6523600817,0.2382055968,0.7422841191,0.9463848472,0.05361517891,0.5599194169,0.373128593,0.2444108725,0.06628946215,0.05596962944,0.04803517461 +2,Paraguay,2009,1,0.6133361459,0.3210271895,0.5944787264,0.9181693792,0.08183064312,0.50610888,0.4605832994,0.2983869612,0.04357226193,0.07963384688,0.03820020333 +2,Paraguay,2009,2,0.6135271192,0.3210271895,0.8809050918,0.9434030652,0.05659695342,0.5201035738,0.4034220278,0.2226746082,0.05763021111,0.05260866508,0.03049574979 +2,Paraguay,2010,1,0.6153851748,0.3189255297,0.5724488497,0.9238023162,0.07619770616,0.5335450768,0.4354926646,0.2952564359,0.04906914756,0.08389160037,0.03597584739 +2,Paraguay,2010,2,0.6173991561,0.3189255297,0.8649345636,0.952562809,0.04743720591,0.5530333519,0.3814170957,0.2140241265,0.05114531517,0.06295906007,0.03165262938 +2,Paraguay,2011,1,0.6408824325,0.3028368652,0.5896986723,0.9233286381,0.07667135447,0.5407403708,0.433449477,,0.0,0.0,0.02981829457 +2,Paraguay,2011,2,0.6276403069,0.3028368652,0.8582590818,0.9575234652,0.04247650504,0.5611310005,0.3688548803,,0.0,0.0,0.02849054709 +2,Paraguay,2012,1,0.6421916485,0.3000330925,0.6355096102,0.9365757108,0.06342426687,0.3658818007,0.5995380282,0.2877791822,0.0672519356,0.07070507854,0.03682066873 +2,Paraguay,2012,2,0.622597754,0.3000330925,0.8669463396,0.9601783752,0.03982164338,0.5576281548,0.3711723089,0.2388194799,0.07610969245,0.04750613123,0.02424307726 +2,Paraguay,2013,1,0.6463651061,0.2880652547,0.6212558746,0.9415717721,0.05842822418,0.5757249594,0.382610023,0.2896680832,0.07760419697,0.06050823629,0.03787799925 +2,Paraguay,2013,2,0.6352875829,0.2880652547,0.8644222021,0.9529702067,0.04702977091,0.5767580271,0.3464910984,0.2323337346,0.0729303807,0.04658308625,0.02749588713 +2,Paraguay,2014,1,0.6506819129,0.2846783698,0.5936315656,0.9185926914,0.08140732348,0.5754842162,0.382787019,0.291991204,0.06774649024,0.07425563037,0.007116175722 +2,Paraguay,2014,2,0.6463599801,0.2846783698,0.8617541194,0.9520533085,0.04794668034,0.5921397805,0.3310388327,0.2418146133,0.06654573977,0.04905002937,0.00742650032 +2,Paraguay,2015,1,0.6491382122,0.2783548534,0.5841850638,0.9455693364,0.05443065986,0.5666201115,0.4085062444,0.2990171611,0.07875700295,0.07192793489,0.02799326926 +2,Paraguay,2015,2,0.6254728436,0.2783548534,0.8576079011,0.956900537,0.04309949279,0.5910457969,0.3451220691,0.2483742386,0.08057531714,0.04074815661,0.01496832445 +2,Paraguay,2016,1,0.6413060427,0.289231509,0.6068296432,0.9220446944,0.07795528322,0.5629501939,0.4076119363,0.3061502278,0.08111111075,0.06261965632,0.008259689435 +2,Paraguay,2016,2,0.6285797954,0.289231509,0.8741642237,0.9499131441,0.05008686706,0.5824952126,0.353403002,0.2321624905,0.07003219426,0.0394401066,0.007347360719 +2,Paraguay,2017,1,0.6435283422,0.2820104957,0.6060760617,0.9391224384,0.06087754294,0.5588117838,0.4117143452,0.3159846663,0.07477530837,0.06050616503,0.01061363425 +2,Paraguay,2017,2,0.6356464624,0.2820104957,0.8706060052,0.951652348,0.04834763333,0.594481051,0.3390178382,0.2473112792,0.07155679166,0.03927120939,0.01182503253 +1,El Salvador,1991,1,0.5572077632,0.4065934122,0.424901098,0.9173960686,0.08260394633,0.5370675921,0.4326002598,0.3251979351,0.09030493349,0.2717495561,0.2884297371 +1,El Salvador,1991,2,0.5181789994,0.4065934122,0.8487570882,0.9138082862,0.08619172871,0.6261187792,0.2788329124,0.1214012951,0.05487814173,0.07428175211,0.2356433719 +1,El Salvador,1995,1,0.5859361291,0.3807369173,0.4446599483,0.9422189593,0.05778105929,0.5308030844,0.4418517351,0.3463106155,0.07839564979,0.07921796292,0.2389372438 +1,El Salvador,1995,2,0.5421036482,0.3807369173,0.8449076414,0.91722399,0.08277599514,0.6277520657,0.2952089906,0.1545471102,0.05249575153,0.03431256115,0.1956503987 +1,El Salvador,1996,1,0.586925745,0.3745058179,0.432107687,0.9347791076,0.06522087008,0.5313508511,0.4438052177,0.3493568599,,,0.2315917909 +1,El Salvador,1996,2,0.5543634892,0.3745058179,0.827867806,0.9190889597,0.08091101795,0.6323740482,0.3030482829,0.1498450339,,,0.1811521202 +1,El Salvador,1998,1,0.5865874887,0.3796286583,0.4751845896,0.9379478097,0.06205217168,0.5577579737,0.4248543382,0.3622519672,0.08915767819,0.09142884612,0.195711568 +1,El Salvador,1998,2,0.5508983135,0.3796286583,0.8321818113,0.9157058001,0.0842942223,0.6523687243,0.3070674837,0.1726636887,0.05564991757,0.036146909,0.1567344368 +1,El Salvador,1999,1,0.5928118825,0.3653611243,0.4771372974,0.9524733424,0.04752665758,0.567943871,0.408277303,0.3641935587,0.09466013312,0.08617018908,0.2034596205 +1,El Salvador,1999,2,0.5617786646,0.3653611243,0.8190246224,0.9135525227,0.08644746989,0.6626387239,0.2816442549,0.1721735895,0.07026445866,0.03543876112,0.1629769355 +1,El Salvador,2000,1,0.5948625207,0.363524735,0.4699635506,0.9684255719,0.03157440946,0.5365772843,0.4337825477,0.3738154769,0.07982394099,0.08427962661,0.1945688277 +1,El Salvador,2000,2,0.5581325889,0.363524735,0.7970161438,0.9312235117,0.06877648085,0.6414315104,0.292128861,0.1823986173,0.07440042496,0.03366610408,0.1508858204 +1,El Salvador,2001,1,0.6011095047,0.3554960191,0.4714928269,0.9558392763,0.04416070133,0.5372270346,0.4350075424,0.3917120397,0.08804100007,0.08904594183,0.1838999242 +1,El Salvador,2001,2,0.5645643473,0.3554960191,0.8088815808,0.9364693761,0.06353061646,0.6528147459,0.2914140522,0.1821839362,0.07622125745,0.04104103893,0.1419757605 +1,El Salvador,2002,1,0.6033374667,0.352620393,0.4682636559,0.9706862569,0.02931376174,0.5276572108,0.4467001557,0.402885288,0.09618012607,0.08628242463,0.1780207902 +1,El Salvador,2002,2,0.5631543398,0.352620393,0.7774105668,0.9383528233,0.06164715067,0.6337435842,0.3078685403,0.1953104287,0.08378421515,0.0331470333,0.1400354058 +1,El Salvador,2003,1,0.6047458053,0.3625824749,0.4920412898,0.9637773633,0.03622261062,0.5416389108,0.4305512607,0.4062392712,0.09353490174,0.07397318631,0.1732652783 +1,El Salvador,2003,2,0.5695648193,0.3625824749,0.8218064308,0.907412827,0.09258716553,0.6589006782,0.2816628218,0.1968442053,0.08155601472,0.0353833586,0.1350681335 +1,El Salvador,2004,1,0.6072357893,0.3568553627,0.4710224271,0.9684262276,0.03157377243,0.5389266014,0.4335595071,0.410996139,0.09336818755,0.07708020508,0.1704150587 +1,El Salvador,2004,2,0.5722573996,0.3568553627,0.7842409015,0.9470279813,0.05297203362,0.6811026931,0.2657363117,0.2066080719,0.07561825961,0.039182432,0.1237806454 +1,El Salvador,2005,1,0.6094540954,0.3540947139,0.4817256927,0.9504939914,0.04950603098,0.5251293182,0.4474019408,0.4026993215,,,0.1710610837 +1,El Salvador,2005,2,0.5625978708,0.3540947139,0.8191975355,0.9079188704,0.09208114445,0.6480386853,0.2981930375,0.2112486213,,,0.118382141 +1,El Salvador,2006,1,0.6153532863,0.3497774899,0.4857236147,0.9718304873,0.02816949971,0.5575631261,0.415484637,0.4145278931,0.09156557173,0.07245665789,0.1634938866 +1,El Salvador,2006,2,0.5649171472,0.3497774899,0.7866361141,0.9548560977,0.0451439321,0.6903893948,0.2547493279,0.2063466311,0.07379478961,0.03364947811,0.1183557883 +1,El Salvador,2007,1,0.6176962256,0.3391767144,0.4917138517,0.9705745578,0.02942541428,0.5430240035,0.4271678925,0.4139814973,0.09104305506,0.08169206977,0.153185308 +1,El Salvador,2007,2,0.5773098469,0.3391767144,0.7972912788,0.9541984797,0.04580150172,0.6791936755,0.2693686783,0.2059583962,0.07404626906,0.03811060265,0.1117984727 +2,El Salvador,2008,1,0.6219784021,0.3396292627,0.4918519557,0.9712802172,0.02871976234,0.5371887088,0.4377903342,0.4037443697,0.07890876383,0.06464406848,0.154779464 +2,El Salvador,2008,2,0.5769674182,0.3396292627,0.8083788157,0.9540199041,0.04598011076,0.6682690978,0.2802185714,0.2036880404,0.0678948015,0.03790688142,0.1119725257 +2,El Salvador,2009,1,0.6294106245,0.3328244686,0.4932183921,0.9569004774,0.04309949651,0.5291182399,0.4452362359,0.4165740311,0.08589619398,0.06247987226,0.1517725289 +2,El Salvador,2009,2,0.5905354619,0.3328244686,0.7954300642,0.9442229867,0.05577703938,0.6369701028,0.3140625954,0.189204365,0.06545708328,0.03696622327,0.1146544516 +2,El Salvador,2012,1,0.6449891925,0.2997804582,0.5007414818,0.9638481736,0.03615180776,0.532656312,0.4388576448,0.4072084427,0.08390381187,0.06277218461,0.1388936937 +2,El Salvador,2012,2,0.6254301667,0.2997804582,0.8031825423,0.9536115527,0.04638843983,0.6472097039,0.3077395558,0.189567551,0.05923553184,0.03518203273,0.09956903011 +2,El Salvador,2014,1,0.6628690958,0.2830946445,0.4986375868,0.964107275,0.03589269891,0.5573908091,0.411871165,0.4260972738,0.04971888289,0.05073343962,0.1216836572 +2,El Salvador,2014,2,0.6291756034,0.2830946445,0.7978054881,0.9467647076,0.05323528498,0.6692788601,0.285918951,0.2071627229,0.04920118302,0.04244345799,0.08805365115 +1,Uruguay,2006,1,0.6158554554,0.2429515719,0.6375964284,0.8555142879,0.1444856822,0.7451079488,0.2281059325,0.2099529058,0.05606729165,0.1781798154,0.009968089871 +1,Uruguay,2006,2,0.6261689663,0.2429515719,0.8428888321,0.9170972705,0.08290275186,0.6911463141,0.2500436306,0.224324286,0.06222769246,0.08608692139,0.01046500076 +1,Uruguay,2007,1,0.6204476357,0.236733675,0.651014626,0.8728513122,0.1271487027,0.742808938,0.2287692577,0.2165833563,0.05475854129,0.1792834401,0.008329163305 +2,Uruguay,2008,1,0.6201982498,0.2263283134,0.6607578397,0.8928755522,0.1071244702,0.7456235886,0.2240883857,0.2144387811,0.06189895421,0.1807400733,0.0136818951 +2,Uruguay,2008,2,0.6265432239,0.2263283134,0.846803546,0.9449337721,0.05506620184,0.7026515007,0.2380778939,0.2105774432,0.06671015173,0.08404036611,0.01660765521 +2,Uruguay,2009,1,0.6239028573,0.2225205302,0.6663665771,0.8994728923,0.1005271003,0.7439424992,0.2270072699,0.2219552696,0.06159842759,0.1860805452,0.01288726181 +2,Uruguay,2009,2,0.633970201,0.2225205302,0.8499138951,0.9465411901,0.05345879123,0.7076432109,0.2328226566,0.2132453918,0.07239945233,0.08278781176,0.01591549814 +2,Uruguay,2010,1,0.6266079545,0.2215286791,0.6636949182,0.9083186984,0.09168131649,0.7522711754,0.2180961818,0.2221793383,0.0615661405,0.1793609113,0.0132435197 +2,Uruguay,2010,2,0.6319685578,0.2215286791,0.844828546,0.9489434958,0.05105650425,0.7141306996,0.2265497595,0.2081310004,0.06848838925,0.08224776387,0.01651946828 +2,Uruguay,2011,1,0.6454498768,0.2127075642,0.682023406,0.9173235297,0.08267647773,0.7551650405,0.2128850669,0.2171742916,0.06550759077,0.1912566423,0.005987891462 +2,Uruguay,2011,2,0.6518208981,0.2127075642,0.8530154228,0.9503703117,0.04962968826,0.717700541,0.2190905362,0.2109526694,0.07177760452,0.08991244435,0.005491434131 +2,Uruguay,2014,1,0.6409192085,0.204213649,0.6817606091,0.9143189788,0.08568099141,0.7749398351,0.1997819394,0.2268368006,0.06976012886,0.1645861119,0.01045749057 +2,Uruguay,2014,2,0.6598864198,0.204213649,0.8468173146,0.9479133487,0.05208663642,0.7246558666,0.2205924839,0.2231934518,0.08074434102,0.07926496863,0.01465678215 +2,Uruguay,2015,1,0.6404410601,0.2025012076,0.6796656251,0.9092494845,0.09075051546,0.7705324292,0.203930378,0.2335006297,0.06847888231,0.1681839824,0.005201104563 +2,Uruguay,2015,2,0.6640792489,0.2025012076,0.8308274746,0.9344654083,0.06553460658,0.7197679877,0.2308342755,0.2273263484,0.07780231535,0.08171105385,0.005114521831 +1,"Venezuela, RB",1989,1,0.5811395645,0.3876627982,0.3631399572,0.9302529693,0.06974705309,0.7712823153,0.206902504,0.2271509022,0.07566370815,0.2069840431,0.09351682663 +1,"Venezuela, RB",1989,2,0.5801423788,0.3876627982,0.8269926906,0.9070538282,0.09294616431,0.6418346763,0.2620079815,0.2480110377,0.0331960097,0.06175680459,0.07098663598 +1,"Venezuela, RB",1992,1,0.5854952335,0.3820538223,0.3813172579,0.9429064989,0.05709352717,0.7367938161,0.2401076257,0.2786311507,0.07313434035,0.2126305997,0.07951723039 +1,"Venezuela, RB",1992,2,0.5845115781,0.3820538223,0.8233312368,0.9342932105,0.06570681185,0.650107801,0.2474951148,0.2592002451,0.03300357237,0.06322718412,0.06396375597 +1,"Venezuela, RB",1995,1,0.5987255573,0.3495511115,0.4359700382,0.8655660152,0.1344339848,0.6886297464,0.2901041508,0.2875025272,0.07090357691,0.1880719364,0.08617052436 +1,"Venezuela, RB",1995,2,0.5973919034,0.3495511115,0.8412476778,0.9114522338,0.08854775876,0.595258534,0.3329565823,0.2683579624,0.02860474028,0.06251582503,0.07453554124 +1,"Venezuela, RB",1998,1,0.6092535853,0.344871819,0.5031709671,0.8712069988,0.1287930161,0.604432404,0.3797345161,0.3425805271,0.05597091466,0.1562260091,0.07395855337 +1,"Venezuela, RB",1998,2,0.608056128,0.344871819,0.8560506105,0.897869885,0.1021300852,0.6034436822,0.3292152584,0.2691892684,0.03036543541,0.05550574884,0.0665602684 +1,"Venezuela, RB",1999,1,0.6129550934,0.342317462,0.8104949594,0.9199060202,0.08009398729,0.6035638452,0.3774168789,0.352347225,,,0.07074240595 +1,"Venezuela, RB",1999,2,0.6118623018,0.342317462,0.8237946033,0.9168599248,0.08314005286,0.5939692259,0.3352392018,0.28125,,,0.06353544444 +1,"Venezuela, RB",2000,1,0.6168789864,0.3369315267,0.4994945526,0.8534864187,0.1465135962,0.5903014541,0.390460819,0.3454427719,,,0.07985724509 +1,"Venezuela, RB",2000,2,0.6158914566,0.3369315267,0.8456844687,0.8730472922,0.1269527376,0.5687165856,0.3650322855,0.2705284953,,,0.06927549839 +1,"Venezuela, RB",2001,1,0.621104598,0.3392919302,0.5546758771,0.851142168,0.1488578469,0.570184648,0.3993553817,0.3663938642,,,0.06942059845 +1,"Venezuela, RB",2001,2,0.6203210354,0.3392919302,0.8527779579,0.881988585,0.1180113852,0.5756502151,0.3388657272,0.2713446915,,,0.06379844993 +1,"Venezuela, RB",2002,1,0.6251398921,0.3416163921,0.5794635415,0.8087179661,0.191282019,0.5636204481,0.4122732282,0.3718279302,,,0.06721098721 +1,"Venezuela, RB",2002,2,0.6244096756,0.3416163921,0.861897707,0.8537371755,0.1462628096,0.5617687106,0.3658649027,0.2794966996,,,0.06468299776 +1,"Venezuela, RB",2003,1,0.6278325915,0.3364622891,0.5914415121,0.7939813733,0.2060186267,0.5545816422,0.422908783,0.3527830243,,,0.06454760581 +1,"Venezuela, RB",2003,2,0.6274786592,0.3364622891,0.8560817838,0.853613019,0.146386981,0.5466301441,0.3869350851,0.2686069012,,,0.06015282124 diff --git a/src/ICP/Test/join_database-LCN.csv b/src/ICP/Test/join_database-LCN.csv new file mode 100644 index 00000000..00a2c41e --- /dev/null +++ b/src/ICP/Test/join_database-LCN.csv @@ -0,0 +1,2396 @@ +Country name,Country Code,Region,Region Code,Year of Survey,Survey Type,Subsample,Total population,"Children, aged 0-14","Youth, aged 15-24","Elderly, aged 65+",Urban Population (% of total Population)," Working Age Population, aged 15-64 (% of total Pop.)","Dependency Rate, all compared to 15-64","Youth Dependency Rate, younger than 15 compared to 15-64","Old Age Dependency Rate, older than 64 compared to 15-64","Labor Force, aged 15-64","Labor Force Participation Rate, aged 15-64","Female Labor Force Participation Rate, aged 15-64","Not in labor force or education rate among youth, aged 15-24","Employment to Population Ratio, aged 15-64",Share of workers (aged 15-64) with more than one jobs in last week,"Employment to Labor Force Ratio, aged 15-64 ","Unemployment Rate, aged 15-64","Youth Employment to Labor Force Ratio, aged 15-24","Youth Unemployment Rate, aged 15-24","Wage employees, aged 15-64 ","Unpaid or Self-employed, age 15-64","Employers, aged 15-64","Informal jobs, aged 15-64","Formal jobs, aged 15-64",Share of work contract,Share of health insurance,Share of social security,"Public sector employment, aged 15-64"," Agriculture, aged 15-64"," Industry, aged 15-64"," Services, aged 15-64"," Female in non-agricultural employment, aged 15-64","Youth in non-agricultural employment, aged 15-64"," Mining, aged 15-64"," Manufacturing, aged 15-64"," Public utilities, aged 15-64"," Construction, aged 15-64"," Commerce, aged 15-64","Transport & Communication, aged 15-64","Financial and Business Services, aged 15-64","Public Administration, aged 15-64"," Other services, aged 15-64"," Senior Officials, aged 15-64"," Professionals, aged 15-64"," Technicians, aged 15-64"," Clerks, aged 15-64"," Service and Market Sales, aged 15-64"," Skilled Agriculture, aged 15-64"," Craft Workers, aged 15-64"," Machine Operators, aged 15-64"," Elementary Occupations, aged 15-64", Armed Forces,Average weekly working hours,"Underemployment, <35 hours per week","Excessive working hours,>48 hours per week","Median Earnings for wage workers per hour, local nominal currency","Median Earnings for wage workers per hour, deflated to 2010 local currency val","Real Median Hourly Wages in USD (base 2010), PPP adjusted","Median Earnings for wage workers per month, local nominal currency","Median Earnings for wage workers per month, deflated to 2010 local currency valu","Real Median Monthly Wages in USD (base 2010), PPP adjusted","Median Earnings for wage workers per month in agriculture, local nominal currenc","Median Earnings for wage workers per month in industry, local nominal currency","Median Earnings for wage workers per month in service, local nominal currency",Female to Male gender wage gap,Public to Private wage gap, No Education, Primary Education, Secondary Education, Post Secondary Education +Belize,BLZ,Latin America and Caribbean,LCN,1993,lfs,Female,104385,0.4240072668,0.1961584538,0.04761220515,0.5220290422,0.5283805132,0.4809516966,0.4340036809,0.04694802314,20717,0.3764742315,0.3764742315,0.4264418483,0.3471805751,0.01031143684,0.9221895337,0.07781049609,0.8731431961,0.1268568039,0.776068449,0.1897511333,0.03418040648,,,,,,0,0.04441665858,0.1350983977,0.8204849362,0.955583334,0.9571301937,0.000761117728,0.1198760495,0.0101663582,0.004294878803,0.2920517623,0.01886484772,0.04746112972,0.3459823728,0.1161248237,0.07644281536,0.01495278068,0.1907135397,0.1538300067,0.2187827975,0.0138509972,0.08457502723,0.01128016785,0.2355718762,0,44,0.2793221772,0.1569941342,3.555555582,5.10315752,2.961215019,640,918.5683594,533.0186768,600,540,675,,,0.08136900514,0.2241324484,0.5738760829,0.1206224933 +Belize,BLZ,Latin America and Caribbean,LCN,1993,lfs,Higher education,122320,0.701087296,0.1440320462,0.008984630927,0.5519784093,0.2899280488,0.4809516966,0.4340036809,0.04694802314,22886,0.647649765,0.5657081008,0.1095758006,0.6075784564,0.02012109943,0.9381281137,0.06187188625,0.8925344944,0.107465528,0.8319846392,0.1112306491,0.05678469688,,,,,,0,0.05237695575,0.1987954825,0.7488275766,0.980794549,0.9328550696,0.000740484742,0.1083576083,0.03455595672,0.05514143407,0.1832946688,0.05410475284,0.05938687921,0.422816813,0.02922446653,0.0850109756,0.04801718891,0.2662431598,0.1586248726,0.1276565939,0.02494278178,0.1240132675,0.04582184926,0.1103741452,0.009295156226,44,0.1900188178,0.1873452812,4.958333492,7.116512775,4.129507065,892.125,1280.972412,742.9989014,535.7142944,832.5,900,1.120000005,,0,0,0.5368008614,0.4631991386 +Belize,BLZ,Latin America and Caribbean,LCN,1993,lfs,Lower education,84707,0.04503760114,0.2678172886,0.1038757116,0.436740756,0.8510866761,0.4809516966,0.4340036809,0.04694802314,41149,0.5717600584,0.2811825573,0.3713113666,0.5389125943,0.02647930942,0.9425502419,0.05744975433,0.9021449685,0.09785500169,0.6633123159,0.2764641941,0.06022350863,,,,,,0,0.3031393588,0.2254304886,0.4714301527,0.9308338761,0.6303402185,0.004623221233,0.1245501339,0.01445102692,0.0818061009,0.1826310903,0.0556724444,0.01497702207,0.1481645554,0.06998504698,0.0415870212,0,0.03580100089,0.01495582983,0.1143255681,0.1719533056,0.1579273641,0.09673503041,0.3636410534,0.003073823405,44,0.1662922502,0.2806215286,2.777777672,3.986841679,2.313449144,499.9999695,717.6314697,416.4208069,374.9999695,600,506.25,1.120000005,,0.1069313213,0.3108346164,0.5822340846,0 +Belize,BLZ,Latin America and Caribbean,LCN,1993,lfs,Male,102642,0.4414567053,0.1931762844,0.04801153392,0.487334609,0.5105317235,0.4809516966,0.4340036809,0.04694802314,43318,0.8286244273,,0.08183058351,0.7871530652,0.03066828661,0.9499515295,0.05004847795,0.9104902148,0.08950977772,0.6988947988,0.2305740565,0.07053111494,,,,,,0,0.2946952879,0.2549690604,0.4503356516,,0.6534056067,0.004422798287,0.1181782261,0.02724759839,0.1051204428,0.1299986839,0.0726602599,0.02293010429,0.1988416463,0.02590496279,0.04804811999,0.01809414849,0.08404159546,0.02539999597,0.07279059291,0.1686920077,0.1742931604,0.1098555848,0.2910405993,0.007744197734,44,0.126783371,0.2894363999,3.25,4.664604664,2.706735373,582.5,839.6288452,485.1302795,374.9999695,675,672,,,0.07561021298,0.2328334451,0.5662922859,0.1252640635 +Belize,BLZ,Latin America and Caribbean,LCN,1993,lfs,Old worker,67253,0,0,0,0.532541275,1,0.4809516966,0.4340036809,0.04694802314,43595,0.650196135,0.4045532048,,0.624856472,0.02957322821,0.9610276222,0.03897235915,,,0.6697774529,0.2483847737,0.08183775842,,,,,,0,0.1986156702,0.2035778761,0.5978064537,0.954898417,,0.003028220963,0.108837828,0.01982339658,0.07188843936,0.1872407496,0.06369443238,0.03163091466,0.2572970092,0.05794335529,0.07149516046,0.02316242456,0.1290307194,0.04790247232,0.1194454432,0.1296283007,0.141556114,0.08724752069,0.2457272559,0.00480458932,44,0.1825174838,0.2610889077,3.700000048,5.310473442,3.081514359,666,955.8852539,554.6725464,400.0000305,710.5263062,700,1.120000005,,0.1048164219,0.2469897419,0.5334583521,0.1147354916 +Belize,BLZ,Latin America and Caribbean,LCN,1993,lfs,Rural,102514,0.4776518345,0.1821507365,0.0335271284,0,0.4888210297,0.4809516966,0.4340036809,0.04694802314,27358,0.546438694,0.2232993841,0.3468644619,0.5288818479,0.02862645872,0.9678704739,0.03212954104,0.9545753598,0.04542462155,0.6489877701,0.290014416,0.06099780276,,,,,,0,0.4390687644,0.1822885126,0.3786427379,0.8875072598,0.5134438276,0.003152661491,0.111919485,0.01192352735,0.0552928336,0.1069884002,0.04146962613,0.01176185254,0.1716583818,0.04676448181,0.02995531261,0.005529046524,0.07611906528,0.02586533315,0.06884799153,0.2336211503,0.1147845164,0.08971446007,0.3528364897,0.002726653125,44,0.1491023004,0.2769608796,2.777777672,3.986841679,2.313449144,499.9999695,717.6314697,416.4208069,374.9999695,562.5,594,1.120000005,,0.1150325164,0.3064496219,0.5265730619,0.0519448258 +Belize,BLZ,Latin America and Caribbean,LCN,1993,lfs,Total,207027,0.4326585531,0.1946799159,0.04781018943,0.504827857,0.51953125,0.9248120157,0.832786388,0.09202562777,64035,0.5953587616,0.3764742315,0.2569739521,0.5602145941,0.02421375737,0.9409697652,0.05903021619,0.8981898427,0.1018101797,0.7233780026,0.217623055,0.0589989163,,,,,,0,0.2130403221,0.2158605158,0.5710991621,0.955583334,0.7537758946,0.003228152404,0.1187321544,0.02167473733,0.07222547382,0.1828695089,0.05510917306,0.03093350306,0.2468472272,0.05533975363,0.05704971403,0.01709828153,0.1178583875,0.06611446291,0.1190725714,0.1196048111,0.1458510011,0.0786055252,0.2734560668,0.005289157387,44,0.1746136546,0.2479076236,3.333333254,4.784210205,2.776138783,600,861.1578369,499.7050171,385.7142639,656.25,672,1.120000005,,0.07856305689,0.2283719778,0.5701808929,0.1228840798 +Belize,BLZ,Latin America and Caribbean,LCN,1993,lfs,Urban,104513,0.3885258436,0.2069694698,0.06182006001,1,0.5496541262,0.4809516966,0.4340036809,0.04694802314,36677,0.6407582164,0.4989209473,0.1792068183,0.5900768638,0.02075438201,0.9209040999,0.07909589261,0.8528165221,0.1471834779,0.7816798687,0.1608877778,0.05743233114,,,,,,0,0.03628547862,0.2421139181,0.7216005921,0.9820336699,0.9728096724,0.00328718638,0.1240596771,0.02930020913,0.08546684682,0.2422087342,0.06577533484,0.04592578486,0.3056451082,0.06204564124,0.07826912403,0.02615891024,0.1505472064,0.09763620794,0.1584067345,0.03031111881,0.1701812148,0.06990538538,0.2112880796,0.007296022959,44,0.1945053935,0.225254178,3.90625,5.606496334,3.253287792,703.125,1009.169373,585.5917969,675,749.999939,700,1.120000005,,0.04323576018,0.1527395993,0.6124230027,0.191601634 +Belize,BLZ,Latin America and Caribbean,LCN,1993,lfs,Young worker,40304,0,1,0,0.536696136,1,0.4809516966,0.4340036809,0.04694802314,20440,0.5077377558,0.3290322721,0.2569739521,0.4560449123,0.01198322326,0.8981898427,0.1018101797,0.8981898427,0.1018101797,0.8461496234,0.1471635997,0.006686763372,,,,,,0,0.2462240905,0.2441166192,0.5096592903,0.9571301937,0.7537758946,0.003688092809,0.1414939761,0.02593373135,0.07300081849,0.17281349,0.03535885736,0.02932911925,0.2228076309,0.04935019463,0.02400481142,0.00322615914,0.09230095893,0.1077755913,0.1182195991,0.09667541832,0.1556758583,0.05883639678,0.3368875682,0.006397638004,44,0.1565811932,0.2178347558,2.777777672,3.986841679,2.313449144,499.9999695,717.6314697,416.4208069,360,558,562.5,1.120000005,,0.03581282124,0.1980553418,0.6299788356,0.1361529976 +Belize,BLZ,Latin America and Caribbean,LCN,1994,lfs,Female,107113,0.4324778616,0.1851409227,0.04583944008,0.4905753732,0.5216826797,0.4898138642,0.444306016,0.04550784081,19966,0.3573972881,0.3573972881,0.4242852032,0.3272711039,0.007547995541,0.9157066941,0.08429329842,0.8385102749,0.16148974,0.764421761,0.2139524668,0.02162577584,,,,,,0,0.04547547922,0.1196753383,0.8348491788,0.9545245171,0.9302546382,0.0008634584374,0.1071264073,0.007080359384,0.004605111666,0.3083697855,0.02665208466,0.06096016616,0.3123416901,0.1265254468,0.1016039848,0.02244484611,0.1959818304,0.1577160954,0.2056714296,0.02337548509,0.04056495428,0.04762686789,0.2050145119,0,44,0.2328189164,0.1396691501,3.407407522,4.768019199,2.83783102,613.333313,858.2434082,510.8095398,562.5,441,675,,,0.09101101756,0.2089693099,0.5676829219,0.1323367357 +Belize,BLZ,Latin America and Caribbean,LCN,1994,lfs,Higher education,125729,0.7115939856,0.1365556121,0.006569685414,0.5271178484,0.2818363309,0.4898138642,0.444306016,0.04550784081,22447,0.6340065002,0.5489481091,0.1170714647,0.5961869955,0.01828690618,0.9403483868,0.05965162441,0.8846506476,0.1153493226,0.8404108882,0.1023348719,0.05725426972,,,,,,0,0.04221529886,0.1690622121,0.7887224555,0.9949199557,0.9454687238,0.007086139172,0.1045833752,0.0275404565,0.02985224687,0.1936375499,0.07427882403,0.07794753462,0.4026032686,0.0402553007,0.09206590056,0.05227671936,0.2830349803,0.1652343124,0.121884048,0.02250605449,0.1060728356,0.06405203789,0.08912207186,0.003751009004,44,0.1362631023,0.1523704231,4.631944656,6.481526375,3.857676506,833.750061,1166.674683,694.3818359,516,720,900,1.0591048,,0,0,0.5280175805,0.4719824195 +Belize,BLZ,Latin America and Caribbean,LCN,1994,lfs,Lower education,85507,0.04910708964,0.2451612204,0.1030558869,0.4090308249,0.8478370309,0.4898138642,0.444306016,0.04550784081,41147,0.56757617,0.2593173981,0.3785717785,0.5336984396,0.0273707062,0.9403115511,0.059688434,0.883212328,0.1167876646,0.6435464025,0.286210835,0.07024279237,,,,,,0,0.3135237098,0.221964404,0.4645119011,0.9105446935,0.612714231,0.005487005692,0.1361923963,0.01635182276,0.06393317133,0.200562343,0.05443328246,0.01280301344,0.1260373443,0.07067590952,0.07450472564,0.0003625534009,0.02737278305,0.01043635886,0.09876991063,0.1781691015,0.1489058584,0.1131684557,0.3427424431,0.005567784421,44,0.1469285488,0.3020036817,2.866666555,4.011354923,2.387479305,514.2857666,722.0438843,428.318634,374.9999695,574.4680786,540,1.0591048,,0.122682631,0.2899608314,0.5873565674,0 +Belize,BLZ,Latin America and Caribbean,LCN,1994,lfs,Male,104123,0.4546833932,0.1757632792,0.04540783539,0.4677352607,0.4999087751,0.4898138642,0.444306016,0.04550784081,43628,0.8384195566,,0.08371127397,0.7978322506,0.03148183972,0.9515907168,0.04840927944,0.9085074663,0.09149251133,0.6903921366,0.2245539427,0.0850539133,,,,,,0,0.2945758104,0.240461722,0.4649624527,,0.6570104361,0.008350783959,0.1330251843,0.02615046687,0.07293529063,0.1492159963,0.07684253901,0.02454160154,0.1839215457,0.03044077754,0.07148204744,0.01702528447,0.08302542567,0.02419763803,0.06336786598,0.167282477,0.1749136597,0.1171001494,0.2745055556,0.007099905983,44,0.1034779176,0.2973915637,3.222222328,4.508887768,2.683601141,580,811.5997925,483.0481873,389.1891479,640,656.25,,,0.09051761031,0.2205557972,0.5764955282,0.1124310568 +Belize,BLZ,Latin America and Caribbean,LCN,1994,lfs,Old worker,69799,0,0,0,0.5165690184,1,0.4898138642,0.444306016,0.04550784081,44808,0.6422336698,0.3700394034,,0.6191288233,0.0292156674,0.9640243053,0.03597571701,,,0.6669842005,0.2460269481,0.08698884398,,,,,,0,0.2054653913,0.2038277239,0.5907068849,0.965070188,,0.005646265112,0.1225557327,0.02070297301,0.05492275953,0.1908242106,0.06885510683,0.03505083919,0.2352610528,0.0607156828,0.1027200148,0.02406702563,0.120938547,0.04982825741,0.09410972893,0.1328444183,0.1370219141,0.1055746377,0.2289268523,0.003968622535,44,0.1450916529,0.2557151914,3.599999905,5.03751564,2.99822998,646.875,906.7528076,538.7444458,450,668.5714111,709.5,1.0591048,,0.1136693358,0.22806409,0.537437737,0.120828867 +Belize,BLZ,Latin America and Caribbean,LCN,1994,lfs,Rural,109987,0.4806386232,0.1731750071,0.0393955633,0,0.479965806,0.4898138642,0.444306016,0.04550784081,29284,0.5550416708,0.2384627014,0.3372184634,0.5326573253,0.03761164472,0.9596707821,0.04032919183,0.9123678207,0.08763220161,0.6404398084,0.2790946662,0.08046551794,,,,,,0,0.4307137132,0.1757088602,0.3935774267,0.8670012355,0.5343804359,0.004614125006,0.1168043464,0.01172136609,0.04256902635,0.1391679645,0.04074570164,0.009972464293,0.1558383554,0.04785294458,0.05362494662,0.003781932406,0.06821749359,0.02058655582,0.06896674633,0.2407592386,0.09861566871,0.1013629213,0.3380191326,0.006065363064,44,0.1446357667,0.3055080175,2.857142925,3.998028517,2.379547834,514.2857666,719.6451416,428.318634,384,542.8571167,600,1.0591048,,0.1243334711,0.2788501382,0.549141109,0.04767526686 +Belize,BLZ,Latin America and Caribbean,LCN,1994,lfs,Total,211236,0.4434234798,0.1805184782,0.04562669247,0.4793169796,0.5109498501,0.9571392813,0.8678414911,0.08929779012,63594,0.5892097591,0.3573972881,0.2608307898,0.5540483986,0.02416428365,0.9403245449,0.05967544019,0.8837964535,0.116203554,0.713029325,0.2213121653,0.06565851718,,,,,,0,0.2180258334,0.2033433616,0.578630805,0.9545245171,0.7490715981,0.006049884949,0.12506634,0.02029011212,0.05193702504,0.1981248856,0.06141871586,0.03573323786,0.2233858109,0.0599681586,0.0807024613,0.01868422888,0.117601715,0.06506803632,0.1069274098,0.1232321188,0.1337891221,0.09583417326,0.2532341182,0.004926603753,44,0.143151477,0.2490123957,3.333333254,4.664366722,2.776138783,600,839.5860596,499.7050171,400.0000305,600,675,1.0591048,,0.09077362716,0.2145437896,0.5719228387,0.1227597445 +Belize,BLZ,Latin America and Caribbean,LCN,1994,lfs,Urban,101249,0.4029965699,0.1884956956,0.05239557847,1,0.5446078777,0.4898138642,0.444306016,0.04550784081,34310,0.6222230196,0.4652377069,0.1845952272,0.5748172998,0.01224129181,0.9238122702,0.07618770003,0.85598737,0.1440126002,0.7774398923,0.1700402349,0.05251987651,,,,,,0,0.02528999187,0.2283854932,0.7463245392,0.9959297776,0.9795538783,0.007350957487,0.1325532794,0.02805503085,0.0604262203,0.2515511215,0.08015241474,0.05907741934,0.2845967114,0.07094685733,0.1046827585,0.0318819508,0.1613372117,0.1044615805,0.1405460089,0.01914812997,0.164939329,0.09093781561,0.1781471223,0.003918099217,44,0.1418471485,0.1993665844,3.75,5.247412682,3.123156309,675,944.5343018,562.1681519,450,675,689.625,1.0591048,,0.05460483208,0.1452382505,0.5964756012,0.20368132 +Belize,BLZ,Latin America and Caribbean,LCN,1994,lfs,Young worker,38132,0,1,0,0.5004982948,1,0.4898138642,0.444306016,0.04550784081,18786,0.4926570952,0.3344258964,0.2608307898,0.4354085922,0.01102210488,0.8837964535,0.116203554,0.8837964535,0.116203554,0.8328396082,0.157003805,0.01015658025,,,,,,0,0.2509284019,0.2020745277,0.5469970703,0.9302546382,0.7490715981,0.007107183803,0.1316429824,0.01920860633,0.04411576316,0.2172493339,0.04193878919,0.03752081096,0.1922781467,0.05800998956,0.02351097204,0.004702194128,0.1089341715,0.1046539694,0.1402218491,0.09826380759,0.1253918558,0.07053291798,0.3163732886,0.007414998952,44,0.1381188482,0.2316259742,2.799999952,3.918067932,2.331956625,504,705.2521973,419.7521973,337.5,506.25,562.5,1.0591048,,0.04877343029,0.1897419542,0.6351828575,0.1263017803 +Belize,BLZ,Latin America and Caribbean,LCN,1996,lfs,Female,111067,0.4098426998,0.1929015815,0.05430055782,0.5086749196,0.5358567238,0.4732227623,0.4197413623,0.05348140746,20574,0.3476864696,0.3476864696,0.454323411,0.3084969819,0.005532730836,0.8872849345,0.1127150804,0.786659956,0.213340044,0.7671835423,0.1972946227,0.03552183136,,,,,,0,0.04783387482,0.1276454628,0.8245206475,0.9521661401,0.9497539401,0.001061500749,0.1032972857,0.01452929061,0.008757380769,0.3276056647,0.03901015222,0.05353944004,0.3956080377,0.008757380769,0.08767303824,0.02175346017,0.1990771294,0.1685343832,0.191386506,0.009778071195,0.04493517801,0.02395077981,0.2510437369,0.001867721323,42,0.3372921646,0.1294826418,4.166666508,5.347719193,3.470173597,749.999939,962.5894775,624.6312256,337.5,715.5,890.6251221,,,0.08354325593,0.2384855449,0.51626122,0.1617099643 +Belize,BLZ,Latin America and Caribbean,LCN,1996,lfs,Higher education,55381,0.1975045651,0.3788844645,0.02349181101,0.7089976668,0.7790036201,0.4732227623,0.4197413623,0.05348140746,26198,0.6125608087,0.5147888064,0.1432963461,0.5521184206,0.02409689501,0.9013283253,0.09867165238,0.7984001637,0.2015998214,0.7954950929,0.1323416978,0.07216319442,,,,,,0,0.05968625098,0.1735821068,0.7667316198,0.9912368059,0.9132278562,0.0006497725844,0.1141743213,0.01842569374,0.04033231363,0.2155852616,0.08326371759,0.0605680868,0.3947832584,0.01253132802,0.1118457317,0.04780673981,0.2423818558,0.1573638469,0.1346895546,0.03827081993,0.1034117416,0.05301970616,0.1041322351,0.007077770773,42,0.2197733223,0.1758724153,5,6.417263031,4.164208412,900,1155.1073,749.5574951,499.9999695,630,1033.714233,1.305999994,,0,0,0.4590291381,0.5409708619 +Belize,BLZ,Latin America and Caribbean,LCN,1996,lfs,Lower education,167169,0.4911496639,0.1335654408,0.06460528076,0.4155555069,0.4442450404,0.4732227623,0.4197413623,0.05348140746,41709,0.5621765256,0.2501672506,0.3973174095,0.5104458928,0.05331256241,0.9079815149,0.09201850742,0.8522852063,0.1477148086,0.6105858684,0.3208158612,0.06859829277,,,,,,0,0.4247682691,0.2060765773,0.3691551387,0.8940244317,0.4933715463,0.002072907053,0.1218573228,0.01442151051,0.06772483885,0.1892268062,0.05706417188,0.01246705558,0.1074654236,0.002931682859,0.05287277326,0.0008476596558,0.02050276846,0.01139042713,0.08820958436,0.2030939609,0.1381420344,0.08662021905,0.3943736553,0.003946915269,42,0.2209420651,0.2395303398,2.833333254,3.636449099,2.359718084,506.25,654.5608521,421.6260986,400.0000305,612,600,1.305999994,,0.1115075946,0.3458068371,0.5426855683,0 +Belize,BLZ,Latin America and Caribbean,LCN,1996,lfs,Male,111483,0.4262802303,0.1963169277,0.05444776267,0.4685557485,0.5192719698,0.4732227623,0.4197413623,0.05348140746,47333,0.8191084266,,0.09932166338,0.7480877638,0.0575308241,0.9132951498,0.0867048353,0.8469005227,0.1530994922,0.6455416679,0.2699195445,0.08453881741,,,,,,0,0.3704835773,0.2180557698,0.4114606678,,0.5696702003,0.001689776895,0.1246955916,0.01652502269,0.07514537126,0.151508376,0.07785398513,0.02283683792,0.153372094,0.005889369175,0.07044179738,0.01770896092,0.06650131941,0.0249177143,0.07009410858,0.1945204139,0.1584766656,0.09468731284,0.29611516,0.006536553614,42,0.1718361527,0.2510801554,3.170634985,4.069359779,2.640636921,568.4210815,732.4847412,473.4047852,405,600,749.999939,,,0.07383105904,0.2500481009,0.5199922919,0.1561285406 +Belize,BLZ,Latin America and Caribbean,LCN,1996,lfs,Old worker,74095,0,0,0,0.5223699212,1,0.4732227623,0.4197413623,0.05348140746,48341,0.6545747519,0.3855819106,,0.6130316257,0.05018443614,0.9365342259,0.06346579641,,,0.6359422207,0.2719066739,0.0921510756,,,,,,0,0.2660067081,0.1888461411,0.545147121,0.9529967904,,0.001249663066,0.1162186638,0.01705422625,0.05432358757,0.2003381401,0.07225993276,0.03168263286,0.2322658151,0.008600622416,0.09696608037,0.02343991771,0.1157622412,0.05526071414,0.1001061425,0.1710229516,0.1210472807,0.08203971386,0.229932338,0.004422625992,42,0.2222635001,0.225443989,3.75,4.812947273,3.123156309,670.5,866.3304443,558.4203491,416.6666565,675,900,1.305999994,,0.10174454,0.2654429674,0.4800819159,0.1527305841 +Belize,BLZ,Latin America and Caribbean,LCN,1996,lfs,Rural,113817,0.4499503672,0.1919748336,0.04713707045,0,0.502912581,0.4732227623,0.4197413623,0.05348140746,31371,0.5487414598,0.2143642753,0.3419292867,0.5112211108,0.06685827672,0.9316247702,0.06837525219,0.8802734613,0.119726561,0.6037099361,0.3236741722,0.0726158917,,,,,,0,0.5369792581,0.1583776772,0.3046430647,0.8411494493,0.4461721182,0.002495870693,0.09719214588,0.01581941731,0.0428702496,0.1246100217,0.03707102314,0.01321343333,0.1268856674,0.00286291074,0.04583848268,0.007416563574,0.06256008893,0.0298379343,0.05655129626,0.2449182868,0.09734240174,0.07729020715,0.3760815859,0.002163164318,42,0.2031406909,0.2178402394,2.824858904,3.625572681,2.352660179,504,652.6030884,419.7521973,405,562.5,675,1.305999994,,0.1079564095,0.3347304761,0.4817764461,0.0755366832 +Belize,BLZ,Latin America and Caribbean,LCN,1996,lfs,Total,222550,0.418076843,0.1946124434,0.05437429622,0.4885778427,0.5275488496,0.8955590361,0.7924893464,0.1030696897,67907,0.578394648,0.3476864696,0.2746526301,0.5236870514,0.04209225252,0.9054147601,0.09458523989,0.8285290599,0.1714709252,0.6816978455,0.2483329028,0.0699692741,,,,,,0,0.2825635076,0.1934195012,0.5240169764,0.9521661401,0.6708494425,0.001518575475,0.1188646853,0.01598119922,0.05705504864,0.1994938105,0.0672692731,0.03120310977,0.2193799168,0.006670884788,0.07555504888,0.0189091377,0.10584227,0.06753496826,0.1060867831,0.1396994144,0.1247840151,0.07369673997,0.2827405334,0.005151110236,42,0.2204975337,0.2153177708,3.333333254,4.278175354,2.776138783,600,770.0715332,499.7050171,405,625,800.000061,1.305999994,,0.07874367386,0.2441995293,0.5181050301,0.1589517295 +Belize,BLZ,Latin America and Caribbean,LCN,1996,lfs,Urban,108733,0.3847130239,0.1973733753,0.06194991246,1,0.5533370972,0.4732227623,0.4197413623,0.05348140746,36536,0.6110618711,0.4616903961,0.2056210935,0.5395126343,0.01965403929,0.8829100132,0.1170899943,0.7717134953,0.2282865047,0.7522333264,0.1801911145,0.06757555902,,,,,,0,0.03562522307,0.2274314165,0.7369433641,0.9972022772,0.9822339416,0.0005700035836,0.1399002522,0.01613822579,0.07082293928,0.2721767128,0.09657997638,0.04866405576,0.3091556728,0.01036693994,0.1024144962,0.02929675393,0.1449630708,0.1016075984,0.1508596539,0.04459685832,0.1495872438,0.07044876367,0.1983737797,0.00785177853,42,0.2362166345,0.2130333185,4.333333492,5.561628342,3.608980656,780.000061,1001.093079,649.6165771,600,728.000061,843.75,1.305999994,,0.04686816409,0.1454165876,0.5577450991,0.2499701679 +Belize,BLZ,Latin America and Caribbean,LCN,1996,lfs,Young worker,43311,0,1,0,0.4955092371,1,0.4732227623,0.4197413623,0.05348140746,19566,0.4538727403,0.2802592516,0.2746526301,0.3760467768,0.01949293725,0.8285290599,0.1714709252,0.8285290599,0.1714709252,0.8098788261,0.1822926402,0.007828517817,,,,,,0,0.3291505873,0.2062879205,0.4645614922,0.9497539401,0.6708494425,0.002275234321,0.1263099909,0.01296194177,0.06474076211,0.197118029,0.05322669446,0.02985383384,0.1831219047,0.001241036924,0.01550483797,0.006201935001,0.07802034169,0.1019598097,0.1228603348,0.05184817687,0.135264203,0.05029769242,0.4308484197,0.007194244768,42,0.2156260014,0.18738392,2.777777672,3.565146208,2.313449144,499.9999695,641.7263184,416.4208069,400.0000305,553.5,600,1.305999994,,0.0401080437,0.208515957,0.5819743276,0.1694016904 +Belize,BLZ,Latin America and Caribbean,LCN,1997,lfs,Female,115432,0.414616406,0.1913854033,0.0506705232,0.4860350788,0.5347130895,0.4743928015,0.4252080321,0.04918476567,24044,0.3901789784,0.3901789784,0.4055449963,0.3375687599,0.02259398066,0.8651638627,0.1348361373,0.7509583831,0.249041602,0.7212585807,0.2393755466,0.03936590627,,,,,,0,0.05698935688,0.1543482691,0.788662374,0.9430106282,0.9367667437,0,0.137376979,0.009640489705,0.007330789231,0.2957923412,0.02349869534,0.04895561188,0.2947379053,0.1256778538,0.1082382426,0.02773364075,0.1476238668,0.1483942419,0.2348692715,0.008281573653,0.06321921945,0.0134334825,0.2466657013,0.001540757832,43,0.3331340551,0.1635032147,3.888888836,4.934505463,3.238828659,700,888.2109985,582.9891968,450,675,771.4285278,,,0.05939045176,0.2184482664,0.5829722285,0.1391890645 +Belize,BLZ,Latin America and Caribbean,LCN,1997,lfs,Higher education,84336,0.4856170416,0.2412255704,0.01594811305,0.5810685754,0.4984348416,0.4743928015,0.4252080321,0.04918476567,27044,0.6459965706,0.5455352664,0.1059096307,0.5791611075,0.0244988855,0.8965389729,0.1034610271,0.8071884513,0.1928115487,0.7910527587,0.1424621344,0.06648508459,,,,,,0,0.08547120541,0.1715532243,0.7429755926,0.9859081507,0.8673258424,0.0006108202506,0.09799301624,0.02072425745,0.05222513154,0.2103839368,0.06998255104,0.07639615983,0.3587259948,0.02748691104,0.124762848,0.06557782739,0.2061370909,0.1634908915,0.1471170485,0.02004454285,0.09783057123,0.05275096744,0.112554647,0.00973356422,43,0.204062745,0.2039365768,5,6.344364166,4.164208412,900,1141.985596,749.5574951,468.7500305,800.000061,1040,1.230000019,,0,0,0.5251226425,0.4748773575 +Belize,BLZ,Latin America and Caribbean,LCN,1997,lfs,Lower education,145968,0.3850570023,0.1654746234,0.07083059102,0.3966965377,0.5441123843,0.4743928015,0.4252080321,0.04918476567,47418,0.5975351334,0.3075182736,0.3361783326,0.5455290079,0.05243584141,0.9129655361,0.08703445643,0.8364570737,0.1635429263,0.5979064107,0.3214988708,0.08059473336,,,,,,0,0.3929911256,0.207071811,0.3999370635,0.9032507539,0.5448857546,0.001573126181,0.1299160123,0.01200416312,0.06357850134,0.1888719499,0.04503981397,0.01333526988,0.0882402733,0.06444977224,0.1183698997,0.001087660785,0.01314449683,0.01164028514,0.1098537445,0.1270249039,0.1309821308,0.08682773262,0.3971582055,0.003910950851,43,0.2158052474,0.2783547044,2.727272749,3.460562468,2.271386385,490.0000305,622.9012451,408.0924377,374.9999695,654.5454712,576,1.230000019,,0.08851340413,0.297445327,0.6140412688,0 +Belize,BLZ,Latin America and Caribbean,LCN,1997,lfs,Male,114872,0.4291820526,0.1950518787,0.05079566687,0.4422835708,0.5200222731,0.4743928015,0.4252080321,0.04918476567,50418,0.8459821939,,0.05861018971,0.7841837406,0.05122499168,0.9269506931,0.07304930687,0.8589947224,0.1410052925,0.6433470249,0.2650462985,0.09160665423,,,,,,0,0.3849468529,0.21239537,0.4026577771,,0.5622966886,0.001782370382,0.1100557297,0.01757552475,0.08298175037,0.1519527137,0.06761726737,0.02993930876,0.1353247762,0.01782370359,0.1261967421,0.02272483893,0.05354580283,0.02966437489,0.07359334826,0.1242905185,0.1439097077,0.1017798632,0.3163057566,0.007989034057,43,0.1577787995,0.2901605666,3.125,3.965227604,2.602630377,562.5,713.7409668,468.4734497,374.9999695,675,771.4285278,,,0.06904409081,0.2125787288,0.596350491,0.1220266744 +Belize,BLZ,Latin America and Caribbean,LCN,1997,lfs,Old worker,76961,0,0,0,0.4928470254,1,0.4743928015,0.4252080321,0.04918476567,52299,0.6808701754,0.4298717976,,0.6413060427,0.04953309149,0.9418917894,0.05810818449,,,0.6186661124,0.2813948691,0.09993899614,,,,,,0,0.2663810253,0.1932259053,0.5403930545,0.9451199174,,0.001385513926,0.1145287156,0.01709510945,0.06021656469,0.197446391,0.05804237723,0.03736624494,0.1973824501,0.0501556024,0.1596910208,0.03000304848,0.0927939862,0.05854253471,0.1157434732,0.1052749231,0.1185892895,0.07608497143,0.2385811508,0.004695598967,43,0.2121339589,0.263042748,3.75,4.758273125,3.123156309,675,856.4891968,562.1681519,396,723.2142334,888.75,1.230000019,,0.0866260305,0.2250133902,0.55687958,0.1314810216 +Belize,BLZ,Latin America and Caribbean,LCN,1997,lfs,Rural,123394,0.4540982544,0.1883722097,0.04121756181,0,0.5046842098,0.4743928015,0.4252080321,0.04918476567,36006,0.5794335604,0.2644230723,0.2989650667,0.5498068929,0.0571930334,0.9488696456,0.05113036558,0.8964657187,0.1035342664,0.5960179567,0.3149282932,0.08905375004,,,,,,0,0.5175698996,0.1480040401,0.3344260156,0.8406800032,0.44921875,0.0008884531562,0.09414540231,0.01087589189,0.04209429771,0.1498115808,0.02907386422,0.01087589189,0.1075334698,0.03713121638,0.1227211431,0.004513746593,0.0494460389,0.02711178921,0.07711471617,0.1571897566,0.0866991058,0.08376809955,0.3879184127,0.003517204896,43,0.1901695877,0.2781959474,2.75,3.489400387,2.290314674,495,628.0921021,412.2566223,374.9999695,666.666687,720,1.230000019,,0.09151545912,0.2823420763,0.5658434033,0.06029905751 +Belize,BLZ,Latin America and Caribbean,LCN,1997,lfs,Total,230304,0.4218815267,0.193214193,0.05073294416,0.464212507,0.5273855478,0.8961460413,0.7999489719,0.09619706944,74462,0.6130628382,0.3901789784,0.2310619652,0.5560477052,0.0424063839,0.9069995284,0.09300045669,0.824662745,0.1753372699,0.667334199,0.2571428716,0.07552292198,,,,,,0,0.2832702994,0.1943990439,0.5223306417,0.9430106282,0.6709956527,0.001229782589,0.1185261309,0.01511542872,0.05952770263,0.1965472698,0.05393919721,0.03583492711,0.1847475767,0.05126169324,0.1206676736,0.02426695079,0.082510598,0.06621897966,0.1232470572,0.08857363462,0.119066678,0.07457973808,0.2948649526,0.006003735587,43,0.2115408182,0.251328826,3.333333254,4.229576111,2.776138783,600,761.3237305,499.7050171,374.9999695,675,771.4285278,1.230000019,,0.06414525956,0.2155572772,0.5895615816,0.1307358891 +Belize,BLZ,Latin America and Caribbean,LCN,1997,lfs,Urban,106910,0.3846974075,0.1988027245,0.06171546131,1,0.5535871387,0.4743928015,0.4252080321,0.04918476567,38456,0.6509140134,0.5091092587,0.1568479538,0.5648611784,0.02726836875,0.8677969575,0.1322030425,0.7453958392,0.254604131,0.7403548956,0.1979763955,0.0616687201,,,,,,0,0.04123678803,0.2423254699,0.716437757,0.9942723513,0.9726195335,0.001582378638,0.1437116265,0.01949490421,0.07753655314,0.2448256165,0.07962529361,0.06161782518,0.2645104229,0.06585859507,0.1185662895,0.04448110238,0.1163467318,0.1062387526,0.1704559028,0.01835632883,0.1521895677,0.06517696381,0.1996400654,0.008548290469,43,0.2333672941,0.2238893509,4.125,5.234100819,3.435472012,742.5,942.1381226,618.3849487,585,675,787.5,1.230000019,,0.0316125825,0.1361757368,0.6177533865,0.2144583166 +Belize,BLZ,Latin America and Caribbean,LCN,1997,lfs,Young worker,44498,0,1,0,0.4776394367,1,0.4743928015,0.4252080321,0.04918476567,22163,0.4990767539,0.3190631568,0.2310619652,0.4115699828,0.02319855615,0.824662745,0.1753372699,0.824662745,0.1753372699,0.7986286283,0.1917169541,0.009654415771,,,,,,0,0.3290043175,0.1975757629,0.4734199047,0.9367667437,0.6709956527,0.0008080808329,0.1293506473,0.00975468941,0.05766233802,0.1941125542,0.0428282842,0.03168831021,0.1505339146,0.05425685272,0.01555056684,0.00881563779,0.05481027067,0.08689700812,0.1434594542,0.04358538985,0.1203526258,0.07052510232,0.4464764893,0.009527459741,43,0.2099687755,0.2202832252,2.708333254,3.43653059,2.25561285,487.4999695,618.5755005,406.0102844,360,562.5,600,1.230000019,,0.02583399042,0.1994423568,0.6452575922,0.1294660419 +Belize,BLZ,Latin America and Caribbean,LCN,1998,lfs,Female,121465,0.4006833136,0.199580133,0.04768451676,0.4984563589,0.5516321659,0.4595399201,0.4129228592,0.04661704972,26393,0.3946970999,0.3946970999,0.3777143657,0.34371683,0.02075356804,0.8708369732,0.1291630417,0.7625238895,0.2374760956,0.7376442552,0.2165469229,0.04580884054,,,,,,0,0.0513930805,0.1103092358,0.8382976651,0.9486069083,0.9281628728,0,0.09871845692,0.009097668342,0.002493111184,0.345361501,0.02143200859,0.04352009669,0.3131697476,0.1148143262,0.1182126701,0.02619213425,0.1729463935,0.1473198682,0.1819091588,0.006874347571,0.05804037675,0.02253741771,0.2629655302,0.003002088517,41,0.3706765473,0.1638635546,3.90625,4.850062847,3.253287792,703.125,873.0113525,585.5917969,391.3043518,749.999939,720,,,0.0627945587,0.2285595685,0.5532359481,0.1554098874 +Belize,BLZ,Latin America and Caribbean,LCN,1998,lfs,Higher education,93682,0.4619777501,0.2493008226,0.01555261388,0.5838474631,0.5224696398,0.4595399201,0.4129228592,0.04661704972,31169,0.6406651735,0.5517484546,0.09182661027,0.5661754012,0.02436013706,0.8837306499,0.1162693724,0.7859895825,0.2140104026,0.8128207922,0.1146299765,0.07254923135,,,,,,0,0.04942743108,0.1687337607,0.7818387747,0.9950323105,0.9162647128,0.001719533117,0.09980609268,0.02297588997,0.04423224553,0.2515274584,0.0657447055,0.08111074567,0.3518091738,0.03164672852,0.1281902343,0.05805046111,0.2246868759,0.1553820968,0.138536945,0.01234343834,0.09246687591,0.05819568038,0.1214013398,0.01074605156,41,0.2778638005,0.1947587878,5.46875,6.790088177,4.5546031,984.375,1222.21582,819.8285522,506.25,900,1012.5,1.110000014,,0,0,0.5288175344,0.4711824358 +Belize,BLZ,Latin America and Caribbean,LCN,1998,lfs,Lower education,147723,0.3777813911,0.1670152992,0.06801919639,0.4124340713,0.5541993976,0.4595399201,0.4129228592,0.04661704972,47623,0.5823235512,0.2976628244,0.3491869867,0.5341827273,0.04317172617,0.9173298478,0.08267013729,0.8512539268,0.1487460881,0.6071854234,0.3058510721,0.0869634971,,,,,,0,0.3610753417,0.1932434887,0.4456811845,0.896615684,0.5652576089,0.005358292721,0.106084995,0.01168245822,0.07011774182,0.2464354634,0.04284334555,0.009152791463,0.09143593162,0.05581363291,0.1270790398,0,0.01030927803,0.01321878564,0.09280641377,0.1148682684,0.1351889968,0.09282932431,0.4102863669,0.003413516562,41,0.2813372612,0.2671101391,3.125,3.880050421,2.602630377,560,698.4090576,466.3913574,445.5,630,566,1.110000014,,0.08722577989,0.3243391812,0.5884350538,0 +Belize,BLZ,Latin America and Caribbean,LCN,1998,lfs,Male,119940,0.4203518331,0.1983074844,0.04763215035,0.4592046142,0.5320159793,0.4595399201,0.4129228592,0.04661704972,52399,0.8243632317,,0.06722297519,0.7590422034,0.04311148822,0.9207618237,0.07923815399,0.852481544,0.1475184709,0.6623166203,0.2393084317,0.09837496281,,,,,,0,0.3310881257,0.2188138664,0.4500980079,,0.6178196669,0.005838928744,0.1060182676,0.01935187913,0.08760479093,0.2021729201,0.06610501558,0.03378237411,0.1341285408,0.01390916295,0.1319408417,0.02067992836,0.05525710061,0.03051170893,0.07645557821,0.1077762321,0.1475596875,0.1065524444,0.3154674172,0.007799049839,41,0.2379208356,0.2748532891,3.518518448,4.368649006,2.9303689,633.333313,786.3568115,527.4663696,450,675,751.5,,,0.05864165351,0.2232470363,0.5883730054,0.1297383159 +Belize,BLZ,Latin America and Caribbean,LCN,1998,lfs,Old worker,82787,0,0,0,0.5086668134,1,0.4595399201,0.4129228592,0.04661704972,55654,0.673394084,0.434460789,,0.631747067,0.04234658554,0.9381535649,0.06184640899,,,0.6368138194,0.2574855983,0.1057005748,,,,,,0,0.224860847,0.1785597354,0.5965794325,0.9557893276,,0.003582365578,0.09859209508,0.01777700707,0.05860827118,0.2497640699,0.05525702611,0.03597773612,0.2126885056,0.04289208725,0.1651562452,0.02780066244,0.1033280343,0.05749813095,0.1067767739,0.0886900574,0.1181001291,0.08290383965,0.2437683195,0.005977813154,41,0.2776535451,0.247090742,4.050925732,5.029694557,3.373779774,729.166626,905.3449707,607.2803345,450,749.999939,900,1.110000014,,0.08410059661,0.2476167232,0.5215649605,0.1467177272 +Belize,BLZ,Latin America and Caribbean,LCN,1998,lfs,Rural,125783,0.4489239454,0.1924186945,0.03527503833,0,0.5158010125,0.4595399201,0.4129228592,0.04661704972,37758,0.5851141214,0.2897903621,0.2828505933,0.5468844175,0.05366807431,0.9346628785,0.06533714384,0.8817311525,0.1182688326,0.6226779222,0.2915000319,0.0858220607,,,,,,0,0.4421366751,0.1673249006,0.3905384243,0.8649612665,0.5148440003,0.004631339572,0.1022588462,0.009149027057,0.05128569528,0.1908225566,0.03239096329,0.01324051712,0.1129705906,0.04111379385,0.1291035861,0.005301354919,0.05533820763,0.03410444036,0.06670635939,0.1296989322,0.09953507036,0.0906900242,0.3854680359,0.004053977318,41,0.2823011875,0.2446304709,3.125,3.880050421,2.602630377,562.5,698.4090576,468.4734497,428.5714417,625,675,1.110000014,,0.08354561776,0.2997355163,0.548263073,0.06845580786 +Belize,BLZ,Latin America and Caribbean,LCN,1998,lfs,Total,241405,0.4104554653,0.198947832,0.04765849933,0.4789544642,0.5418860465,0.8454064606,0.757457159,0.08794930158,78792,0.6023208476,0.3946970999,0.2243172526,0.5445212289,0.0358972922,0.9040384889,0.09596151859,0.821981132,0.1780188382,0.6866515875,0.2319552153,0.08139321953,,,,,,0,0.240789637,0.183783561,0.5754268169,0.9486069083,0.7154424191,0.003953852691,0.1036615521,0.01604134589,0.06012680754,0.2484008074,0.05168250576,0.0369261615,0.1919313222,0.04648601264,0.1275089532,0.0224594418,0.09325093031,0.06822108477,0.1104993299,0.07520191371,0.1186600178,0.07942973822,0.298518151,0.006250438746,41,0.2800192833,0.2396570891,3.680000067,4.569147587,3.064857483,660,822.4465332,549.6755371,450,675,749.999939,1.110000014,,0.06077136472,0.2259714454,0.5703538656,0.1429033428 +Belize,BLZ,Latin America and Caribbean,LCN,1998,lfs,Urban,115622,0.368606329,0.2060507536,0.06113023311,1,0.5702634454,0.4595399201,0.4129228592,0.04661704972,41034,0.6226612926,0.488566488,0.1652795225,0.5453634858,0.01844741218,0.8758590221,0.1241409555,0.7574395537,0.2425604612,0.7496092319,0.1733560413,0.07703471929,,,,,,0,0.0418561548,0.2000449151,0.7580989003,0.9947732687,0.9686340094,0.003284487175,0.105047442,0.02285104617,0.06886193901,0.3052888811,0.07074280083,0.06032788754,0.2699455321,0.05179383606,0.1259430349,0.03930848092,0.1304807812,0.1017232239,0.1535035223,0.02168647945,0.1374404877,0.0683722645,0.2131343782,0.008407338522,41,0.2777992487,0.2348185331,4.466666698,5.545885563,3.720026255,804,998.2593994,669.6047363,632.8125,833.333313,803.5714722,1.110000014,,0.0356510058,0.1446084976,0.5947203636,0.2250201404 +Belize,BLZ,Latin America and Caribbean,LCN,1998,lfs,Young worker,48027,0,1,0,0.4960542917,1,0.4595399201,0.4129228592,0.04661704972,23138,0.484210521,0.3244819343,0.2243172526,0.3980119228,0.0181923341,0.821981132,0.1780188382,0.821981132,0.1780188382,0.8234055042,0.1619002521,0.01469426416,,,,,,0,0.2845575809,0.198137179,0.5173052549,0.9281628728,0.7154424191,0.004974597599,0.1175910234,0.01127222739,0.06429932266,0.2446549535,0.04186071083,0.03953217715,0.1348962784,0.0563611351,0.02410272695,0.007788653951,0.06557204574,0.09767393023,0.1207241341,0.03815387934,0.1201978773,0.06988737732,0.4489001036,0.006999263074,41,0.2863385081,0.2198008895,2.916666746,3.621380329,2.429121733,525,651.8484497,437.2418823,376.3636169,616.666626,562.5,1.110000014,,0.02161028609,0.1896370947,0.6522521973,0.1365004033 +Belize,BLZ,Latin America and Caribbean,LCN,1999,lfs,Female,121962,0.3961069882,0.1975533366,0.05151604488,0.4785425067,0.5523769855,0.4583333433,0.4072666764,0.05106666684,27328,0.4063945413,0.4063945413,0.3553485274,0.3492006958,0.01993015967,0.8592652082,0.1407347769,0.7501823306,0.2498176545,0.7300443649,0.2406191379,0.02933651768,,,,,,0,0.06269270182,0.1163069531,0.8210003376,0.9373072982,0.9234028459,0.0006851661601,0.1059009954,0.003597122384,0.006123672705,0.3326053321,0.02059780806,0.04008221999,0.3226704299,0.1050445363,0.1641097814,0.03907781467,0.156609565,0.1279297769,0.1725049019,0.004559788853,0.04171993583,0.01943236962,0.2706895173,0.003366573015,43,0.2944198847,0.1718268394,3.75,4.537124634,3.123156309,675,816.6824341,562.1681519,446.2500305,595.7142944,710.5263062,,,0.06433901936,0.2204030603,0.5706019402,0.1446559429 +Belize,BLZ,Latin America and Caribbean,LCN,1999,lfs,Higher education,91054,0.455301255,0.2524106503,0.01315702777,0.5713971853,0.5315417051,0.4583333433,0.4072666764,0.05106666684,30329,0.6273840666,0.5230654478,0.09406026453,0.5622439981,0.02049301006,0.8961719871,0.1038280204,0.7982743382,0.2017256767,0.7736397982,0.1498876512,0.07647253573,,,,,,0,0.05338763446,0.1426138431,0.8039985299,0.9973139167,0.9079226255,0.001406886382,0.07752684504,0.02132543549,0.04235468432,0.2528322935,0.07178822905,0.07704553753,0.3697889745,0.03254350275,0.1629506946,0.06523178518,0.2287711501,0.1544518024,0.1277409792,0.01449595299,0.08370125294,0.04300956428,0.1093818992,0.01026490051,43,0.1800789833,0.1813825071,5,6.049499512,4.164208412,900,1088.909912,749.5574951,513,843.75,999.999939,1.153846145,,0,0,0.5379484892,0.4620515108 +Belize,BLZ,Latin America and Caribbean,LCN,1999,lfs,Lower education,152801,0.3746376038,0.1639452577,0.07489480078,0.3970916569,0.5504676104,0.4583333433,0.4072666764,0.05106666684,51267,0.6110488772,0.3352563679,0.3110675514,0.5535637736,0.05740246177,0.905923903,0.09407611191,0.8505327702,0.1494672298,0.6148918271,0.3100666404,0.07504152507,,,,,,0,0.3844756782,0.1900973022,0.4254270196,0.878672421,0.5312338471,0.004994594492,0.1037621647,0.009167567827,0.07217296958,0.2163675725,0.04382702708,0.01548108086,0.1009513512,0.04879999906,0.1570000499,0.001637437032,0.01542637963,0.007756280247,0.0875813365,0.1100960895,0.1314904988,0.08999440074,0.395570308,0.003447235795,43,0.2165162563,0.2764697969,3,3.629699707,2.498525143,540,653.3459473,449.7344971,446.2500305,675,595,1.153846145,,0.09159216285,0.3155554533,0.5928524137,0 +Belize,BLZ,Latin America and Caribbean,LCN,1999,lfs,Male,121893,0.4134117663,0.19640176,0.05216870457,0.4458008111,0.5344195366,0.4583333433,0.4072666764,0.05106666684,54268,0.8349308372,,0.05823335052,0.7714509964,0.05494396016,0.9239699244,0.07603007555,0.8697217107,0.1302782893,0.6470353007,0.2557335794,0.09723109752,,,,,,0,0.3558547795,0.1989260167,0.4452191889,,0.5766239762,0.005069327541,0.08856295794,0.01835377142,0.08693996817,0.1817143559,0.06982848793,0.03728860989,0.1427025795,0.01368518081,0.1568983346,0.0185924042,0.06501356512,0.03104053624,0.06960181892,0.1076643765,0.1476021409,0.09755027294,0.2988549173,0.007181615103,43,0.1609309167,0.2736238241,3.333333254,4.032999516,2.776138783,600,725.9398804,499.7050171,450,675,727.499939,,,0.0644415319,0.2233179808,0.5826942921,0.1295461953 +Belize,BLZ,Latin America and Caribbean,LCN,1999,lfs,Old worker,84477,0,0,0,0.4951643646,1,0.4583333433,0.4072666764,0.05106666684,57811,0.6859641671,0.4421657026,,0.639806807,0.04916451871,0.9327117801,0.06728823483,,,0.6204686165,0.2812018096,0.09832958877,,,,,,0,0.2431419343,0.1755217016,0.5813363791,0.9422630072,,0.004382447805,0.09382168204,0.01648546383,0.06083210558,0.2323629856,0.05631911755,0.03494768962,0.2186188698,0.03908770531,0.204245612,0.03111836873,0.1014269516,0.04694661498,0.09884767234,0.08725018799,0.1150284857,0.07804642618,0.2311517745,0.00593791157,43,0.2034641206,0.2534371018,3.75,4.537124634,3.123156309,675,816.6824341,562.1681519,450,771.4285278,772,1.153846145,,0.08708232641,0.2378479838,0.5377805829,0.1372890919 +Belize,BLZ,Latin America and Caribbean,LCN,1999,lfs,Rural,131151,0.4405456185,0.1910240799,0.04325548559,0,0.5161988735,0.4583333433,0.4072666764,0.05106666684,40843,0.6043920517,0.3224700391,0.2634395659,0.5612264276,0.06707799435,0.9285801649,0.07141982764,0.8807662725,0.11923372,0.6331379414,0.2945509255,0.07231110334,,,,,,0,0.472943306,0.1510147899,0.376041919,0.8473781943,0.4867650867,0.002355057979,0.08954513073,0.01002884284,0.04908576235,0.1608054787,0.03334126994,0.01767616719,0.1241830066,0.04003598914,0.1474203467,0.007543785498,0.06045579165,0.02548005991,0.06528276205,0.1282707304,0.09078919888,0.08361468464,0.3879510462,0.003191601718,43,0.2182269394,0.2865021229,3,3.629699707,2.498525143,540,653.3459473,449.7344971,446.2500305,642.8571777,666.666748,1.153846145,,0.08078544587,0.3090136647,0.5461730957,0.06402775645 +Belize,BLZ,Latin America and Caribbean,LCN,1999,lfs,Total,243855,0.4047569335,0.1969777048,0.05184228346,0.4621762931,0.5434007943,0.8402623289,0.7448589287,0.09540340022,81596,0.6157677444,0.4063945413,0.2071719021,0.5556066853,0.04377648607,0.9022991061,0.09770086408,0.8283792138,0.1716207713,0.6735185385,0.2509114742,0.07557000965,,,,,,0,0.2624078691,0.1725907773,0.5650013685,0.9373072982,0.684982419,0.00367185357,0.09408954531,0.01365001407,0.06117936224,0.2298116237,0.05413595587,0.03817908838,0.2000682503,0.04280644283,0.1591977626,0.02512433007,0.0942196399,0.06193439662,0.1024132371,0.07478870451,0.1138408035,0.07264178991,0.2898741663,0.005965160206,43,0.2031022906,0.2414644808,3.333333254,4.032999516,2.776138783,600,725.9398804,499.7050171,450,675,720,1.153846145,,0.06438941509,0.2218358964,0.5765460134,0.1372286826 +Belize,BLZ,Latin America and Caribbean,LCN,1999,lfs,Urban,112704,0.3631104529,0.2039058059,0.06183454022,1,0.5750550032,0.4583333433,0.4072666764,0.05106666684,40753,0.6302172542,0.4870516062,0.1457233876,0.5520451665,0.01902067289,0.875960052,0.124039948,0.7646949291,0.2353050709,0.7164468169,0.2045186609,0.07903452218,,,,,,0,0.03808959946,0.1955792308,0.7663311362,0.9954862595,0.9620268345,0.005074854009,0.09893146157,0.017508246,0.07406467944,0.303335309,0.07629197091,0.06002424657,0.2809213698,0.045758266,0.1717112213,0.04380359873,0.1300936043,0.1006669998,0.1418642402,0.01796424016,0.1383330524,0.06098312885,0.1856678426,0.008912056684,43,0.1872433871,0.1942404509,4.344444275,5.256342888,3.618234396,782,946.1418457,651.2822266,826.5306396,749.999939,787.5,1.153846145,,0.04536097497,0.1206616312,0.6117953062,0.2221820951 +Belize,BLZ,Latin America and Caribbean,LCN,1999,lfs,Young worker,48034,0,1,0,0.4784319401,1,0.4583333433,0.4072666764,0.05106666684,23785,0.4958824217,0.3421227634,0.2071719021,0.4107787013,0.02903111279,0.8283792138,0.1716207713,0.8283792138,0.1716207713,0.8185281157,0.1681141704,0.01335771289,,,,,,0,0.315017581,0.1645872593,0.5203951597,0.9234028459,0.684982419,0.001731425407,0.09482099861,0.005907216109,0.06212761626,0.2228446305,0.04817436635,0.04700310528,0.1494118273,0.05296124518,0.03598436713,0.008729634807,0.07450641692,0.1029284894,0.1121656597,0.04070446268,0.1105922982,0.05785920843,0.4504897594,0.006039689295,43,0.2021192908,0.2089387774,3,3.629699707,2.498525143,525,653.3459473,437.2418823,435.0000305,562.5,600,1.153846145,,0.02531847171,0.1942675114,0.6432893276,0.1371246576 +Bolivia,BOL,Latin America and Caribbean,LCN,1997,ene,Female,3946406,0.3751055896,0.1884722412,0.05522949249,0.6241762638,0.5696648955,0.4505605102,0.3955158889,0.05504462495,1359979,0.6049381495,0.6049381495,0.1651545912,0.596901238,0.07697977126,0.9867144823,0.01328549907,0.9762699604,0.02373006195,0.2528178096,0.7268730998,0.0203090962,,,,,,0,0.3851745725,0.1151790246,0.4996463954,0.6148254275,0.5743482709,0.003553886898,0.1070674583,0.0009635512251,0.003594128182,0.2772076428,0.007503478322,0.02082030848,0.01143592969,0.1826790273,0.01339582168,0.01578644104,0.08045689762,0.03931259364,0.2741098404,0.3823673725,0.09306876361,0.002740122145,0.0985706225,0.0001915179164,44,0.4026548564,0.2920350134,3.75,6.889629364,1.373644471,675,1240.133301,247.256012,330,514.2857666,749.999939,,,0.1861588955,0.4543221295,0.2371502966,0.1223686635 +Bolivia,BOL,Latin America and Caribbean,LCN,1997,ene,Higher education,2002306,0.005916178692,0.4150928855,0.02936913818,0.8890434504,0.9647147059,0.4505605102,0.3955158889,0.05504462495,1204133,0.6233688593,0.497843504,0.07645976543,0.6062193513,0.09995422512,0.9724889398,0.02751108073,0.9601216316,0.0398783572,0.5589253902,0.3661894202,0.07488518208,,,,,,0,0.09181592613,0.2558893859,0.6522946954,0.9444610476,0.8266909719,0.0216241423,0.1611913145,0.007375709247,0.06569821388,0.2207785398,0.0805401504,0.06083401665,0.05384600908,0.2362959683,0.05594676733,0.05364020169,0.1932133585,0.07168537378,0.1900570989,0.08791586012,0.2038845271,0.07504914701,0.06551546603,0.003092213068,44,0.3171162307,0.3070505261,5.031627655,9.244279861,1.843111396,905.6929932,1663.970337,331.7600403,739.3411865,730.687561,1012.5,0.9333333969,,0,0,0.5816773176,0.4183227122 +Bolivia,BOL,Latin America and Caribbean,LCN,1997,ene,Lower education,5824538,0.5217833519,0.106335476,0.06160849333,0.5202447176,0.4166081548,0.4505605102,0.3955158889,0.05504462495,1907891,0.7862566113,0.6766283512,0.1274470985,0.7816496491,0.09483938664,0.994140625,0.005859349389,0.9911747575,0.008825213648,0.1847138554,0.7701807022,0.04510542378,,,,,,0,0.5617284179,0.1677249819,0.2705466151,0.4568360746,0.3779872656,0.01924699172,0.0914445594,0.001261129742,0.05577230453,0.1619966626,0.03783600405,0.002222793875,0.007546743844,0.0609444119,0.00338005973,0,0.00694359513,0.004912712146,0.1483593732,0.5532215834,0.1485207081,0.04534267634,0.08931930363,0,44,0.2758526206,0.3857522905,2.604166746,4.784464836,0.9539198279,468.7500305,861.2037354,171.7055664,507.4219055,562.5,362.0454712,0.9333333969,,0.1941027343,0.6989169717,0.1069802791,0 +Bolivia,BOL,Latin America and Caribbean,LCN,1997,ene,Male,3880438,0.4047671854,0.1821211874,0.0514604263,0.6048464179,0.5437723994,0.4505605102,0.3955158889,0.05504462495,1752045,0.8303235769,,0.02779640816,0.8178889155,0.1121967882,0.985024333,0.01497564279,0.9787999988,0.02119998261,0.3856717348,0.5297359228,0.08459231257,,,,,,0,0.3801606894,0.2684042752,0.3514350057,,0.5658035278,0.03306221217,0.1266219169,0.005641418975,0.1030787304,0.1122987717,0.09039712697,0.02753146738,0.03593796864,0.08526967466,0.03126015887,0.02412146889,0.07617189735,0.02347191796,0.07887440175,0.3703478873,0.2292034924,0.0986251682,0.06597435474,0.001949233003,44,0.2052552849,0.4052214324,3.993355274,7.336730003,1.462786794,718.8039551,1320.61145,263.3016357,560.2357788,651.7155762,818.1817627,,,0.06703022867,0.479485482,0.2956568599,0.1578274369 +Bolivia,BOL,Latin America and Caribbean,LCN,1997,ene,Old worker,2907706,0,0,0,0.6277818084,1,0.4505605102,0.3955158889,0.05504462495,2358125,0.8109915257,0.680355072,,0.8015435338,0.1135141104,0.9883500934,0.01164993364,,,0.3115641773,0.6202574968,0.06817831844,,,,,,0,0.3671631813,0.1942254007,0.438611418,0.6279466152,,0.02230962738,0.1087656543,0.004429230932,0.05872088298,0.1889993846,0.06011705846,0.02589703351,0.02967065386,0.1339272708,0.02991994098,0.02660198696,0.09324339777,0.02711557597,0.1676650345,0.3602904379,0.1659144461,0.06314282119,0.06458275765,0.001523607294,44,0.2692584395,0.3703421354,4.6875,8.612036705,1.717055559,843.75,1550.166626,309.0700073,562.5,724.5543823,974.25,0.9333333969,,0.1844775081,0.5280246139,0.1583714038,0.1291264594 +Bolivia,BOL,Latin America and Caribbean,LCN,1997,ene,Rural,3016522,0.4272765219,0.1465979666,0.06733450294,0,0.5053889751,0.4505605102,0.3955158889,0.05504462495,1322155,0.8672615886,0.7776676416,0.09750438482,0.8660021424,0.1131169796,0.998547852,0.00145217462,0.9975851178,0.002414883813,0.1145955101,0.8483959436,0.03700856119,,,,,,0,0.8235980868,0.06780914217,0.1085927859,0.160483107,0.1535259634,0.01097986382,0.03583301604,0.0000590803902,0.02093718201,0.04355058074,0.01396796759,0.001442167442,0.003676618217,0.04595545307,0.004796873312,0.0009884603787,0.03037413768,0.001815585885,0.04249167815,0.8125113845,0.05666869879,0.01746507175,0.03288808465,0,44,0.3189333677,0.3240476251,3.594019651,6.603056908,1.316508055,646.9235229,1188.550293,236.9714508,517.5388184,646.9235229,905.6929932,0.9333333969,,0.2310426086,0.6084243059,0.1267868429,0.03374626115 +Bolivia,BOL,Latin America and Caribbean,LCN,1997,ene,Total,7826844,0.3898113966,0.1853234768,0.05336084217,0.6145927906,0.5568277538,0.7958874818,0.7000574126,0.09583006918,3112024,0.7140611192,0.6049381495,0.0982310921,0.703894998,0.09679181874,0.9857629538,0.01423703693,0.9776707292,0.02232925035,0.3275574744,0.6159695983,0.05647292361,,,,,,0,0.3823539317,0.2013790011,0.4162670672,0.6148254275,0.569611907,0.02015439421,0.1180682182,0.003595180577,0.05956121162,0.1844348162,0.05413698405,0.02459580638,0.02522004955,0.1278794259,0.02344576642,0.02047548071,0.07804628462,0.03040109947,0.1642761827,0.3756055832,0.169654116,0.05668219924,0.08023292571,0.001180356252,44,0.2916037142,0.3557103276,3.936363697,7.232023239,1.441910505,708.5454712,1301.764282,259.5438843,541.25,646.9235229,803.5714722,0.9333333969,,0.1294978857,0.4662905335,0.2649776936,0.1392338723 +Bolivia,BOL,Latin America and Caribbean,LCN,1997,ene,Urban,4810322,0.3663172722,0.2096080035,0.04459805414,1,0.5890846848,0.4505605102,0.3955158889,0.05504462495,1789869,0.6316395998,0.5181821585,0.09854981303,0.6166817546,0.08445804566,0.9763189554,0.02368106321,0.9601532817,0.03984671831,0.4884516895,0.4403699636,0.07117837667,,,,,,0,0.04899103567,0.3022919297,0.6487170458,0.9645362496,0.9498863816,0.02708581463,0.1801974624,0.006266727578,0.08874192089,0.2908737957,0.08448494226,0.04208853468,0.0414962545,0.1897735149,0.03753512725,0.03519805521,0.1140629128,0.05199764296,0.2562851906,0.04552032799,0.2550153434,0.08631099761,0.1160022765,0.002072123112,44,0.2709560096,0.3796317279,4.009259224,7.365949631,1.468612432,721.666626,1325.870972,264.3502197,562.5,649.5,787.5,0.9333333969,,0.06066952273,0.3699504137,0.3586452901,0.2107347697 +Bolivia,BOL,Latin America and Caribbean,LCN,1997,ene,Young worker,1450498,0,1,0,0.6951281428,1,0.4505605102,0.3955158889,0.05504462495,753899,0.5197518468,0.4524044394,0.0982310921,0.5081461668,0.04391471669,0.9776707292,0.02232925035,0.9776707292,0.02232925035,0.3781294823,0.6024109125,0.01945961267,,,,,,0,0.430388093,0.223999247,0.345612675,0.5743482709,0.569611907,0.01333939377,0.1474836022,0.0009578531026,0.06221839413,0.1700012833,0.03522755951,0.02048123255,0.01114691421,0.1087556705,0.002973957453,0.001103023533,0.02999192663,0.04079015926,0.1535604,0.424033165,0.1814792454,0.03625324741,0.1297198981,0.0000949712703,44,0.3622611165,0.3094435334,2.5,4.593086243,0.9157629609,450,826.7554932,164.8373413,428.6700134,531.4091187,374.9999695,0.9333333969,,0.02769133635,0.3519766331,0.462382108,0.1579499096 +Bolivia,BOL,Latin America and Caribbean,LCN,1999,ech,Female,4040935,0.3753450513,0.1892747581,0.04708142951,0.632653594,0.5775734782,0.4432507157,0.3943672776,0.04888343066,1462242,0.6265130639,0.6265130639,0.1650748402,0.5974197388,0.09935022891,0.9535630941,0.04643690959,0.902408421,0.09759158641,0.2565837502,0.7278038263,0.01561240479,0.8857645988,0.1142354086,,,0.1142354086,0,0.3535988331,0.1216317415,0.5247694254,0.6464011669,0.6138679981,0.006344937254,0.1128455028,0.0005393232568,0.001901975134,0.3085424006,0.006896452978,0.02517176606,0.01423684321,0.1699219644,0.01285267621,0.04869472235,0.04264096171,0.04307701066,0.2739590108,0.3512558043,0.1068627462,0.0006110417889,0.1200460419,0,44,0.3684574366,0.3235526383,4.465312481,7.458128929,,803.7562866,1342.463257,,292.0140991,487.125,976.4232788,,,0.1876672506,0.436691761,0.2406624258,0.1349785775 +Bolivia,BOL,Latin America and Caribbean,LCN,1999,ech,Higher education,3138635,0.3265008628,0.3189252615,0.008600235917,0.7951338887,0.664898932,0.4432507157,0.3943672776,0.04888343066,1332147,0.6383453608,0.5392003059,0.08887301385,0.5954060555,0.1026318744,0.9327334166,0.06726659834,0.8723513484,0.1276486665,0.5657501221,0.3871760964,0.04707381129,0.7139692903,0.2860306799,,,0.2860306799,0,0.08334151655,0.2388305217,0.6778279543,0.942748785,0.8355180025,0.01647515036,0.1609069556,0.003828454297,0.05761996657,0.2401439697,0.09141531587,0.06404633075,0.04934979975,0.2328725606,0.04309727252,0.1180374399,0.1327436268,0.08063656837,0.1804443747,0.07490877807,0.211033389,0.07415065169,0.07908248901,0.005865414161,44,0.3164685071,0.3176106215,6.459650993,10.78914642,,1162.737183,1942.046387,,951.4351196,821.875,1275,0.9331281185,,0,0,0.5486494303,0.4513505995 +Bolivia,BOL,Latin America and Caribbean,LCN,1999,ech,Lower education,4862163,0.4315842688,0.1072226465,0.06966364384,0.52238065,0.4987520874,0.4432507157,0.3943672776,0.04888343066,1921285,0.7922778726,0.6896070242,0.1493802369,0.7749052048,0.1288094223,0.9780724645,0.02192751132,0.9662986398,0.03370139003,0.198259756,0.7774479389,0.02429228835,0.9672188163,0.03278120607,,,0.03278120607,0,0.5232881308,0.184595108,0.292116791,0.4906256497,0.3847799003,0.0155937029,0.09575469047,0.00179761555,0.07144910097,0.1929493845,0.03263752535,0.003109374549,0.01053824183,0.0528822504,0.006023448892,0,0.009437215514,0.005541849416,0.1535747945,0.5042572021,0.192805171,0.03914470226,0.0892155841,0,44,0.2980957031,0.3768991232,3.608333349,6.026771069,,649.5,1084.818848,,560.2357788,721.666626,538.194458,0.9331281185,,0.1897543669,0.6595904231,0.15065521,0 +Bolivia,BOL,Latin America and Caribbean,LCN,1999,ech,Male,3959863,0.4056845009,0.1912886947,0.04430860281,0.6260375381,0.5500069261,0.4432507157,0.3943672776,0.04888343066,1791190,0.822419405,,0.0535739027,0.7931092978,0.1337589175,0.9643611312,0.03563887626,0.9273671508,0.07263285667,0.4155268669,0.5367869139,0.04768623039,0.8507995605,0.1492004544,,,0.1492004544,0,0.3437963426,0.2744330466,0.3817706108,,0.6138002276,0.0236934647,0.1288247854,0.00427416712,0.117640622,0.1335898787,0.0956966579,0.02913415618,0.03547101468,0.08787892014,0.02717914246,0.04560095817,0.07133280486,0.02926093899,0.07572738081,0.318918407,0.2752909958,0.09543035179,0.05703984201,0.004219169728,44,0.2545614243,0.3773121536,5,8.351183891,,900,1503.213135,,670.883667,808.2666016,1118.638672,,,0.05660196021,0.4361991882,0.3348488212,0.1723500341 +Bolivia,BOL,Latin America and Caribbean,LCN,1999,ech,Old worker,2989565,0,0,0,0.6538891196,1,0.4432507157,0.3943672776,0.04888343066,2446071,0.8182029724,0.7008654475,,0.7967787981,0.1316289306,0.9738155603,0.02618443966,,,0.3289776444,0.6302347183,0.04078761488,0.8416001201,0.1583998799,,,0.1583998799,0,0.3363763988,0.1987605542,0.4648630321,0.6563739777,,0.01728909276,0.1127357334,0.003415165702,0.06532055885,0.2184602022,0.05890205875,0.02951820008,0.0320500806,0.1259324998,0.02663241513,0.05931431428,0.0649645552,0.03304587305,0.1679661274,0.3229831755,0.1908563375,0.06072026119,0.07045736909,0.003059585579,44,0.2844156325,0.3692994714,5.911458015,9.873534203,,1064.062378,1777.236206,,605.848999,840.3537598,1237.5,0.9331281185,,0.1809489727,0.5155148506,0.1902359277,0.1133002341 +Bolivia,BOL,Latin America and Caribbean,LCN,1999,ech,Rural,2965263,0.4491271079,0.1358226836,0.0661027357,0,0.484770149,0.4432507157,0.3943672776,0.04888343066,1246502,0.8671492934,0.7874820828,0.1051818728,0.8631700873,0.17186822,0.9954111576,0.004588841461,0.9921010137,0.007899006829,0.1219223067,0.8617243171,0.0163533967,0.9621303082,0.03786966577,,,0.03786966577,0,0.8218430281,0.08688955754,0.09126744419,0.1761195958,0.1512635797,0.02626569383,0.03026317246,0.002116407268,0.02824428491,0.04086616263,0.006491067819,0.001193602104,0.002102706116,0.0406139046,0.006247672718,0.009435984306,0.02130430564,0.001835938892,0.03716285527,0.7925864458,0.08583377302,0.008407601155,0.03718541935,0,44,0.3580566347,0.3000082374,4.060882568,6.782635212,,730.9588623,1220.87439,,560.2357788,700.2947388,1118.638672,0.9331281185,,0.2542624772,0.573076725,0.1401766241,0.03248414397 +Bolivia,BOL,Latin America and Caribbean,LCN,1999,ech,Total,8000798,0.3903610706,0.1902715266,0.04570906609,0.6293790936,0.5639298856,0.7732701313,0.6922156115,0.08105451982,3253432,0.7210797799,0.6265130639,0.109594278,0.6918818188,0.1183898896,0.9595080018,0.04049200937,0.9161601663,0.08383981884,0.3445331156,0.6221067905,0.03336009383,0.8664170504,0.1335829198,,,0.1335829198,0,0.3481747508,0.2061825991,0.4456426501,0.6464011669,0.6138302088,0.01594454795,0.121687457,0.002605956979,0.06594464183,0.2117343992,0.0560330376,0.02736430988,0.02598653175,0.1245243773,0.02078006417,0.0469828248,0.05851726606,0.03543204442,0.1642697901,0.3333622813,0.200060606,0.0530782342,0.08518227935,0.002334629884,44,0.3054044545,0.3533139825,4.910714149,8.202054977,,883.9285278,1476.369995,,587.7202148,749.999939,1035.077637,0.9331281185,,0.1255625933,0.4364583492,0.2852922082,0.1526868641 +Bolivia,BOL,Latin America and Caribbean,LCN,1999,ech,Urban,5035535,0.355755657,0.222334668,0.03369989619,1,0.6105444431,0.4432507157,0.3943672776,0.04888343066,2006930,0.6527836919,0.5525033474,0.1111815721,0.6117944717,0.0831118077,0.9372085929,0.06279142946,0.8655309677,0.1344690174,0.4913828969,0.4640381932,0.04457890615,0.8032778502,0.19672212,,,0.19672212,0,0.03570980579,0.2848767042,0.6794134974,0.9765995741,0.9673171043,0.009135993198,0.1819973439,0.002928898437,0.09081445634,0.3244511187,0.08871441334,0.04462835193,0.04174198583,0.1798776388,0.03036665171,0.07175136358,0.0830655545,0.0575943999,0.2481184602,0.0304256659,0.2754126787,0.08254612982,0.1168443784,0.003874716116,44,0.2706051469,0.3885452449,5.078125,8.481671333,,914.0625,1526.700806,,730.687561,751.000061,1015.625,0.9331281185,,0.04691721499,0.3529742062,0.37396878,0.2261397988 +Bolivia,BOL,Latin America and Caribbean,LCN,1999,ech,Young worker,1522324,0,1,0,0.7354373932,1,0.4432507157,0.3943672776,0.04888343066,807361,0.5303477049,0.4739784598,0.109594278,0.4858834147,0.07575520128,0.9161601663,0.08383981884,0.9161601663,0.08383981884,0.3946276307,0.5959317088,0.009440670721,0.9463370442,0.05366297439,,,0.05366297439,0,0.386169821,0.2300844193,0.3837457597,0.6138679981,0.6138302088,0.01161460765,0.1505153626,0,0.0679544434,0.1900747865,0.04679371417,0.02042797394,0.00645961985,0.1199896708,0.001933289343,0.007270790171,0.03775457293,0.04311640933,0.1523661911,0.3667868972,0.229701817,0.02846802399,0.1326020211,0,44,0.3729137182,0.3018976748,3.3828125,5.650097847,,608.90625,1017.017578,,520.0032959,625,559.8455811,0.9331281185,,0.02330306359,0.2904968858,0.4607939422,0.2254061252 +Bolivia,BOL,Latin America and Caribbean,LCN,2000,ech,Female,4214780,0.367190212,0.2015398145,0.05153080449,0.6464926004,0.5812789798,0.4526062906,0.4002402127,0.05236608163,1520230,0.6205114126,0.6205114126,0.2081556618,0.5744527578,0.07911961526,0.9257730842,0.07422692329,0.8790219426,0.1209780797,0.286721915,0.7020885348,0.01118952315,0.8945806026,0.1054193974,,,0.1054193974,0,0.3350270092,0.1054677144,0.5595052838,0.6649729609,0.6255015135,0.004341375548,0.0938135013,0.001377729583,0.005935108289,0.3003656566,0.01026511565,0.02172890492,0.01357266121,0.2135729492,0.01223472133,0.02855431475,0.0697824657,0.04675540701,0.2562065423,0.3233877122,0.08622355759,0.002012238372,0.1748430431,0,45,0.3422587514,0.3450106978,4.166666508,6.652745724,1.526271582,749.999939,1197.494263,274.7288818,560.2357788,675,752.7314453,,,0.1678030938,0.4394410849,0.2438097596,0.1489460617 +Bolivia,BOL,Latin America and Caribbean,LCN,2000,ech,Higher education,3452567,0.3255623877,0.287022084,0.01824410632,0.7952283025,0.6561934948,0.4526062906,0.4002402127,0.05236608163,1446031,0.6382687092,0.5248683691,0.1201871336,0.5922176838,0.09848251939,0.9278500676,0.07214990258,0.8719711304,0.1280288547,0.5460252166,0.4207632244,0.03321159631,0.7357091904,0.2642908394,,,0.264337033,0,0.09180069715,0.2413326353,0.6668666601,0.9532084465,0.8152792454,0.01704106666,0.1444093287,0.01033315901,0.06954907626,0.2348110676,0.07455615699,0.07948572934,0.05129835382,0.2267153561,0.02725050226,0.07889766991,0.1675784439,0.07875382155,0.1881508529,0.08040620387,0.1988805234,0.07899902761,0.09623686224,0.004846090917,45,0.2842925787,0.3692918718,5.9375,9.480163574,2.17493701,1068.75,1706.429443,391.488678,912.375,798.416626,1174.69873,0.8797978163,,0,0,0.540822804,0.459177196 +Bolivia,BOL,Latin America and Caribbean,LCN,2000,ech,Lower education,4822236,0.4302974939,0.1287983358,0.06736460328,0.5231902599,0.5023379326,0.4526062906,0.4002402127,0.05236608163,1946949,0.8037299514,0.6956359148,0.1575569659,0.7658566236,0.0822006166,0.952878058,0.04712193459,0.9295125008,0.07048752159,0.2047924548,0.7836783528,0.01152918395,0.970494926,0.02950509451,,,0.02957840264,0,0.5360087156,0.1727512628,0.2912400663,0.5021598339,0.4127185643,0.0149412062,0.08239466697,0.001821362064,0.07359402627,0.1730213165,0.02877363935,0.005080301315,0.005944895558,0.07841990143,0.003953202162,0,0.007305392064,0.005592373665,0.1369891763,0.5110200644,0.1719411016,0.03616258129,0.1270360947,0,45,0.2510656118,0.4093595147,3.125,4.98955965,1.144703746,562.5,898.1207275,206.0466766,575.8967896,649.1062012,499.9999695,0.8797978163,,0.1851327121,0.6969128251,0.1179544851,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2000,ech,Male,4060023,0.4067454934,0.1878346503,0.04203079641,0.6265240312,0.5512236953,0.4526062906,0.4002402127,0.05236608163,1872750,0.8368033767,,0.05263744667,0.7996122241,0.0968311578,0.955555737,0.04444426671,0.9210417867,0.07895819843,0.3961990774,0.575748086,0.02805282176,0.8541668057,0.1458332092,,,0.1459438503,0,0.3610258996,0.2770864964,0.361887604,,0.5763282776,0.02485195734,0.1199100092,0.008552027866,0.1237725019,0.1191969663,0.07765559107,0.0477726683,0.0339499414,0.08331242204,0.01490737405,0.03669705242,0.07833510637,0.02807237953,0.08158794045,0.3357308209,0.2595527172,0.09513740242,0.06634583324,0.00363338273,45,0.2041706741,0.4300076067,4.66863203,7.454213619,1.710144162,840.3537598,1341.758423,307.8259583,647.3835449,730.687561,1048.75,,,0.05853860825,0.435728848,0.31046018,0.1952723563 +Bolivia,BOL,Latin America and Caribbean,LCN,2000,ech,Old worker,3075885,0,0,0,0.6588494182,1,0.4526062906,0.4002402127,0.05236608163,2557621,0.8315073252,0.7149115205,,0.7943418026,0.1024084613,0.955303371,0.04469661415,,,0.3336199522,0.6415640712,0.0248159878,0.8441188931,0.1558811367,,,0.1559621692,0,0.3333797157,0.1946880072,0.4719322622,0.6770875454,,0.01691684686,0.1017421484,0.005741815083,0.07028719783,0.2063279897,0.05197511241,0.04095151648,0.02849665843,0.1441809982,0.01777593046,0.04051399231,0.08359377086,0.03670971841,0.165164873,0.3155059814,0.1743880361,0.06070427597,0.1029822752,0.002661150647,45,0.2493366152,0.3982200027,5.516666889,8.808236122,2.020783663,993,1585.482422,363.7410583,695.4428101,869.6083984,1125,0.8797978163,,0.168107748,0.5017071366,0.1756173968,0.1545676887 +Bolivia,BOL,Latin America and Caribbean,LCN,2000,ech,Rural,3006277,0.4388421178,0.1530035287,0.05910466611,0,0.5020532012,0.4526062906,0.4002402127,0.05236608163,1261956,0.8361139894,0.7392687201,0.1107482836,0.8202490807,0.1011243016,0.981025517,0.01897451282,0.9683665633,0.0316334255,0.1069174632,0.8872457743,0.00583678158,0.9659421444,0.03405785561,,,0.03405785561,0,0.8306121826,0.06627000868,0.1031178236,0.1822895557,0.1551771313,0.01291103195,0.03428402543,0.00112115324,0.01795379817,0.04259978235,0.01087873988,0.001746349619,0.006267311051,0.04162564129,0.006330315489,0.001644573407,0.02790039778,0.004020965658,0.03837041929,0.8000825644,0.06412059069,0.01696511544,0.03990352154,0.0006615450257,45,0.2814798355,0.34494856,4.247477531,6.781773567,1.555873036,764.5460205,1220.719238,280.0571899,614.1460571,746.9810791,1061.190674,0.8797978163,,0.2170256525,0.5945888162,0.1430564672,0.04532909766 +Bolivia,BOL,Latin America and Caribbean,LCN,2000,ech,Total,8274803,0.3865979612,0.1948153973,0.04686963558,0.6366950274,0.5665324032,0.7651241029,0.6823933794,0.08273072346,3392980,0.7237671735,0.6205114126,0.1345850229,0.6819418037,0.08903392404,0.9422115684,0.05778843537,0.9021282792,0.09787169099,0.3480034471,0.6313675046,0.02062901482,0.871958375,0.1280416548,,,0.1281035841,0,0.3495802879,0.2015339881,0.448885709,0.6649729609,0.5978946686,0.01582249068,0.10842143,0.005393654108,0.07189641148,0.1989536732,0.04798797518,0.0363073051,0.02497915924,0.1406576037,0.01373078022,0.03311233968,0.07456993312,0.03629729524,0.158461079,0.3302969635,0.1832472384,0.05414048955,0.1141100526,0.002033842029,45,0.2649844587,0.3925750852,4.510416508,7.201597214,1.652189016,811.874939,1296.287598,297.3940125,614.2218628,730.687561,932.291626,0.8797978163,,0.1162710637,0.4376902878,0.2752438784,0.1707947701 +Bolivia,BOL,Latin America and Caribbean,LCN,2000,ech,Urban,5268526,0.3567868769,0.2186736912,0.03988819569,1,0.6033248901,0.4526062906,0.4002402127,0.05236608163,2131024,0.6704215407,0.5671357512,0.1441018432,0.6162693501,0.08139286935,0.9192266464,0.08077337593,0.856823504,0.1431765109,0.5003685951,0.4696537852,0.02997763082,0.8125610948,0.187438935,,,0.1875400096,0,0.04557061195,0.287020117,0.6674092412,0.9696829319,0.9401187301,0.01766251773,0.1552758813,0.00809385255,0.1059878692,0.2977685332,0.07144082338,0.05814965069,0.03680495173,0.2032452971,0.01840783656,0.05299980566,0.1040648445,0.05669576675,0.2343577594,0.03339486569,0.2585346699,0.07763513178,0.161008209,0.002901126863,45,0.2545549572,0.4226878285,4.60069418,7.345739841,1.68525815,828.125,1322.233154,303.3464966,631.458374,730.6875,915.1188354,0.8797978163,,0.05407631025,0.3408384919,0.3568417728,0.2482434213 +Bolivia,BOL,Latin America and Caribbean,LCN,2000,ech,Young worker,1612059,0,1,0,0.7146686316,1,0.4526062906,0.4002402127,0.05236608163,835359,0.518193841,0.4426437914,0.1345850229,0.4674773216,0.04567138478,0.9021282792,0.09787169099,0.9021282792,0.09787169099,0.3946372271,0.5983086824,0.007054130547,0.9622187614,0.03778126463,,,0.03778126463,0,0.4021053612,0.2237298042,0.3741648495,0.6255015135,0.5978946686,0.0122743994,0.1300767958,0.004264856223,0.0771137476,0.1750448793,0.03506099433,0.02124997228,0.01357482281,0.129234165,0.0006157104508,0.009114903398,0.04531310499,0.03496014327,0.1367262006,0.3782518804,0.2119702548,0.03285956383,0.1501882225,0,45,0.3155789375,0.3743233085,3.112421036,4.969475269,1.140095949,560.2357788,894.5055542,205.2172699,519.1362305,605.111084,528.1607056,0.8797978163,,0.02533088252,0.325381726,0.4500244856,0.1992629021 +Bolivia,BOL,Latin America and Caribbean,LCN,2001,eh0,Female,4191216,0.3824940026,0.1950961202,0.05151177943,0.6337077618,0.5659942031,0.4584359825,0.4109910131,0.04744496569,1578525,0.6654254794,0.6654254794,0.1898885816,0.6282958984,0.0991313979,0.9442017078,0.05579829216,0.9194381237,0.08056186885,0.29492715,0.6893386245,0.0157342162,0.8993006349,0.1006993875,0.5207825303,,0.1024773791,0,0.3791690469,0.09818872809,0.5226421952,0.6208309531,0.6002617478,0.002241611015,0.08995831013,0.002023555338,0.00396525627,0.2772096395,0.01366369519,0.02580502816,0.00964610558,0.1963177472,0.004223567899,0.06456188112,0.02970453165,0.0495576486,0.2629555166,0.2301888168,0.08592595905,0.001871251967,0.2710108161,0,41,0.4600058198,0.2743501961,4.160317421,6.538666248,1.523945928,748.8571167,1176.959961,274.3102417,562.5,527.0999756,806.0625,,,0.1666636169,0.4550812542,0.2255030423,0.1527520865 +Bolivia,BOL,Latin America and Caribbean,LCN,2001,eh0,Higher education,3407644,0.332960844,0.2872594595,0.01943483576,0.7681591511,0.6476043463,0.4584359825,0.4109910131,0.04744496569,1544852,0.700040102,0.609426856,0.09617439657,0.649964571,0.1221574992,0.9284675717,0.07153242081,0.9056338072,0.09436617047,0.5409312248,0.4246188998,0.03444987163,0.7536199689,0.2463800609,0.524599731,,0.2482631505,0,0.1756864637,0.2000550777,0.6242584586,0.8579691648,0.7334713936,0.01220278256,0.1235895157,0.006911865901,0.05735091493,0.229276076,0.06931038201,0.07854805142,0.04061784223,0.2065061033,0.02192220092,0.1339273304,0.09492276609,0.08261610568,0.2022874504,0.09038899094,0.1835932136,0.07163339108,0.1166400015,0.002068540081,41,0.3763932884,0.2930932343,5.548567295,8.720543861,2.032469034,998.7420654,1569.697876,365.8444214,883.0142822,783.749939,1142.682617,0.8731653094,,0,0,0.5425196886,0.4574803412 +Bolivia,BOL,Latin America and Caribbean,LCN,2001,eh0,Lower education,4840760,0.4354434013,0.1290351152,0.0692345798,0.5228844285,0.4953220189,0.4584359825,0.4109910131,0.04744496569,1930910,0.8053058386,0.708379209,0.162090078,0.7799402475,0.1199867353,0.9685019255,0.03149810061,0.9497583508,0.0502416715,0.2323251814,0.7510975599,0.01657727733,0.9723622799,0.02763770707,0.1544626504,,0.02817030251,0,0.5648241639,0.1490869373,0.2860889137,0.4720951319,0.3681855798,0.01556449197,0.07977958024,0.0005122747971,0.05323059484,0.1618547738,0.04062157497,0.0055975914,0.005689030979,0.07232593,0.001236838871,0.0005358030903,0.006468137726,0.003413739381,0.1305851638,0.4137677848,0.1499901116,0.04857894406,0.2454234809,0,41,0.3538731635,0.3501925766,3.359861135,5.280609131,1.230734587,604.7749634,950.5096436,221.5322113,644.2711182,675,560.2357788,0.8731653094,,0.1701618433,0.7165153623,0.1133227795,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2001,eh0,Male,4057188,0.4040665627,0.1936848909,0.04571589828,0.6144070625,0.5502175689,0.4584359825,0.4109910131,0.04744496569,1897237,0.8498886228,,0.05105393752,0.8125967383,0.138838768,0.9561214447,0.04387854412,0.9320179224,0.06798205525,0.4249077439,0.5436902046,0.03140206635,0.8594302535,0.1405697614,0.3531190753,,0.141146943,0,0.4096695185,0.2312081307,0.3591223657,,0.5234338045,0.02385295555,0.1060574204,0.004330786876,0.09696695954,0.1203855127,0.08545586467,0.04667723924,0.0300564114,0.07654732466,0.01513901167,0.05340385064,0.05731843039,0.02812641114,0.07852032036,0.3089037538,0.2291981876,0.105185315,0.1225690991,0.001635621884,41,0.2840820551,0.3674758077,4.668631077,7.33757019,1.710143805,840.3535767,1320.762695,307.8258667,711.6159058,749.999939,974.25,,,0.04437983409,0.4565374851,0.3176053464,0.1814773381 +Bolivia,BOL,Latin America and Caribbean,LCN,2001,eh0,Old worker,3001034,0,0,0,0.6479496956,1,0.4584359825,0.4109910131,0.04744496569,2524683,0.8412710428,0.7364096045,,0.8075446486,0.1384065598,0.9599102139,0.04008978605,,,0.3513377011,0.6171624064,0.03149988875,0.8503834605,0.1496165246,0.4776222706,,0.1511420161,0,0.3792369664,0.1753081977,0.4454548359,0.6283457875,,0.01648215763,0.09656859934,0.004052042961,0.05820540711,0.1864967048,0.06059908494,0.0406161584,0.02492130175,0.1328215897,0.01392920688,0.07418580353,0.04745552689,0.03695405275,0.1561183631,0.2819408774,0.165011391,0.06737738103,0.1558031142,0.001224278123,41,0.3320658505,0.3433322906,5.251736164,8.254021645,1.923738241,945.3125,1485.723877,346.2728882,730.6875,793.4134521,1094.625,0.8731653094,,0.1568190008,0.528387785,0.174434796,0.1403584033 +Bolivia,BOL,Latin America and Caribbean,LCN,2001,eh0,Rural,3099633,0.433139354,0.1627634615,0.0632455498,0,0.5036150813,0.4584359825,0.4109910131,0.04744496569,1334961,0.855183959,0.7558531761,0.1117863581,0.8481994271,0.155407086,0.9918327332,0.008167279884,0.9879142046,0.01208580006,0.1353875697,0.8515911102,0.01302133314,0.9721628428,0.0278371498,0.2726177573,,0.02808109671,0,0.828397274,0.07028468698,0.1013180688,0.1832001954,0.1500013918,0.01814648695,0.03303027526,0.0001805056818,0.0189274177,0.04297017306,0.01086961478,0.002619975945,0.003515707096,0.04134260118,0.003560266923,0.02473532036,0.007088058162,0.001463682158,0.03935930133,0.6234416962,0.06217778847,0.01658839732,0.2215854526,0,41,0.4133267701,0.276794672,4.35738945,6.848399639,1.596134424,784.3300781,1232.711914,287.3041687,672.282959,840.3535767,1104.945435,0.8731653094,,0.1807595789,0.6028572321,0.1692237109,0.04715945944 +Bolivia,BOL,Latin America and Caribbean,LCN,2001,eh0,Total,8248404,0.3931050301,0.1944019645,0.04866093025,0.624214232,0.5582340509,0.7913633352,0.7041939299,0.08716940532,3475762,0.7548554289,0.6654254794,0.1218511164,0.717647164,0.1209289953,0.9507080913,0.04929192364,0.9262805581,0.07371942699,0.3662807643,0.6093840599,0.02433517389,0.8774135113,0.1225864664,0.4039632976,,0.1237052605,0,0.3959124684,0.1712105125,0.4328770339,0.6208309531,0.5582144856,0.01410528552,0.09879601002,0.003290123772,0.05501908809,0.1911201179,0.05307442695,0.03726295009,0.02085046284,0.1305690706,0.01021566428,0.05843661726,0.04486334324,0.03779284656,0.1617087275,0.2733998299,0.1645760983,0.05858611315,0.1895228624,0.0008978841943,41,0.363673538,0.3253438771,4.510416508,7.088908195,1.652189016,811.874939,1276.00354,297.3940125,700.2947388,731.25,896.3772583,0.8731653094,,0.1082403138,0.4557769895,0.2695066035,0.1664761007 +Bolivia,BOL,Latin America and Caribbean,LCN,2001,eh0,Urban,5148771,0.3690037727,0.2134488076,0.03988077864,1,0.5911154151,0.4584359825,0.4109910131,0.04744496569,2140801,0.7033968568,0.6221051812,0.1264714599,0.6506868005,0.09787732363,0.9250635505,0.07493643463,0.8815170527,0.1184829548,0.520653367,0.4474471211,0.03189948201,0.814065218,0.1859347969,0.4283596873,,0.1876385212,0,0.1067579538,0.2386883944,0.6545536518,0.8946244121,0.8904775381,0.01140338462,0.1427662522,0.005369179882,0.07914957404,0.290171504,0.08129210025,0.06042485684,0.03244028613,0.1902248859,0.01466538943,0.08096892387,0.07011947781,0.06208211929,0.2435102016,0.03936573863,0.2330384552,0.08666531742,0.1680861712,0.001498199534,41,0.3304940462,0.3577856421,4.539351463,7.134384632,1.662788033,817.083313,1284.189331,299.3018494,730.6875,730.687561,880.968811,0.8731653094,,0.06035752222,0.3586632907,0.3357210755,0.2452581227 +Bolivia,BOL,Latin America and Caribbean,LCN,2001,eh0,Young worker,1603506,0,1,0,0.6853725314,1,0.4584359825,0.4109910131,0.04744496569,951079,0.5931246877,0.530477345,0.1218511164,0.5493998528,0.07284957916,0.9262805581,0.07371942699,0.9262805581,0.07371942699,0.4073880315,0.5879863501,0.004625604022,0.9517711401,0.0482288748,0.2146630436,,0.0482288748,0,0.4417854846,0.1599380672,0.3982764482,0.6002617478,0.5582144856,0.007566693705,0.1049234569,0.001194143668,0.04625377059,0.2038387358,0.03237468749,0.02803853899,0.009651904926,0.1243725643,0,0.01511182077,0.0377324447,0.04010029882,0.1770874262,0.2499040812,0.1633786112,0.0344020091,0.2822833061,0,41,0.4502258599,0.2760856152,3.247500181,5.104014397,1.189576149,584.5500488,918.7226563,214.1237183,608.90625,608.90625,563.09375,0.8731653094,,0.02398338541,0.3298377395,0.4344031513,0.211775735 +Bolivia,BOL,Latin America and Caribbean,LCN,2002,eh0,Female,4302670,0.3803408146,0.1972491443,0.04782123491,0.6308517456,0.5718379617,0.4476797879,0.3993903697,0.0482894145,1537757,0.6249952316,0.6249952316,0.1870995313,0.592666328,0.08622054011,0.9482733607,0.05172663927,0.920681417,0.07931855321,0.2761693299,0.7028083801,0.02102229185,0.9199973345,0.08000265807,0.492759347,,0.08155250549,0,0.3425526023,0.1171995327,0.5402478576,0.6574473977,0.6124990582,0.002365222201,0.1068183407,0.000862013374,0.007153956685,0.3016834259,0.008554300293,0.02314817905,0.0119557213,0.1949062347,0.0071450416,0.06090258434,0.0317257978,0.03491325676,0.2643281519,0.3372755945,0.1136609614,0.002506490797,0.1475421339,0,43,0.4060510993,0.3206084073,4.375,6.81283617,1.602585196,787.5,1226.310547,288.465332,381.9929504,608.25,847.4249878,,,0.150869444,0.4649295211,0.2463632971,0.1378377378 +Bolivia,BOL,Latin America and Caribbean,LCN,2002,eh0,Higher education,3409298,0.3417744637,0.2878454626,0.01554630883,0.7750833035,0.6426792145,0.4476797879,0.3993903697,0.0482894145,1465435,0.6688170433,0.5593677163,0.07898601145,0.6291732192,0.09884358943,0.9407254457,0.05927455053,0.9172805548,0.08271946758,0.523139894,0.4251232445,0.05173686892,0.7869585156,0.2130414695,0.5058221817,,0.2149028182,0,0.1347684413,0.2257227004,0.6395088434,0.9204272032,0.744366765,0.01170921791,0.1530873924,0.005375852808,0.05555023625,0.239542082,0.07516473532,0.0615317896,0.04607448727,0.2171957642,0.03427677229,0.1273738295,0.09117332846,0.06148101017,0.1977996081,0.1228974611,0.201954633,0.07051644474,0.09063219279,0.001894714194,43,0.354885608,0.3361092806,5.458333015,8.49982357,1.999415755,982.4998779,1529.968262,359.8948059,730.6875,777.5625,1158.234375,0.9280853271,,0,0,0.5650754571,0.4349245429 +Bolivia,BOL,Latin America and Caribbean,LCN,2002,eh0,Lower education,5137793,0.4327632487,0.131559208,0.06279505789,0.5230952501,0.5044416785,0.4476797879,0.3993903697,0.0482894145,2024741,0.7812353969,0.6715316772,0.1583077461,0.7608380914,0.1050947905,0.9738909602,0.02610901929,0.9602161646,0.03978385776,0.2227872163,0.7339139581,0.04329884797,0.9790448546,0.02095516026,0.1977456957,,0.02138368599,0,0.5431596637,0.1737035364,0.2831368148,0.509163022,0.35750705,0.0103069311,0.1000696272,0.0003276066273,0.06299936771,0.1689648926,0.03360047191,0.004481009673,0.005285826512,0.0708046183,0.003097049193,0,0.008873271756,0.00491105672,0.1321142316,0.5128803849,0.1705796123,0.04356813431,0.1239762902,0,43,0.2963092029,0.3818413019,3.544063091,5.518885136,1.298208714,637.9313965,993.399292,233.6775818,668.0571289,730.6875,526.937439,0.9280853271,,0.1531154811,0.722458899,0.1244256198,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2002,eh0,Male,4244421,0.4128190875,0.190503493,0.04002218321,0.6162673235,0.5471587181,0.4476797879,0.3993903697,0.0482894145,1952419,0.840700388,,0.03181638941,0.8147854805,0.1150856018,0.9691746235,0.03082535043,0.9530907273,0.04690926149,0.4004687667,0.5329179764,0.06661329418,0.8846057653,0.1153942272,0.3543907702,,0.1160025075,0,0.4002235532,0.255145371,0.3446310759,,0.4920798838,0.01744867861,0.1334945112,0.003593633883,0.1006085426,0.1181063652,0.08318311721,0.03165938705,0.02986204065,0.08182017505,0.02269327082,0.04586375505,0.05122143775,0.02300401405,0.07808068395,0.3640879691,0.2373008579,0.09484445304,0.08152317256,0.001380378264,43,0.2542299032,0.3958245516,4.486614227,6.986644268,1.643470049,807.5905762,1257.595947,295.8246155,700.2947388,769.750061,900,,,0.04173460975,0.4646207988,0.3197816908,0.1738629043 +Bolivia,BOL,Latin America and Caribbean,LCN,2002,eh0,Old worker,3125527,0,0,0,0.6500974298,1,0.4476797879,0.3993903697,0.0482894145,2593421,0.8297547698,0.7148973942,,0.802506268,0.1141351238,0.9671607614,0.03283924982,,,0.3347769678,0.6082081199,0.05701493844,0.8754305243,0.1245694682,0.4668421447,,0.1259293854,0,0.3475755155,0.206263721,0.4461607635,0.6719087362,,0.01283202879,0.126735121,0.003015243681,0.06368132681,0.2000422627,0.05139190331,0.03065238521,0.0269661583,0.1371080726,0.02058642358,0.06706096232,0.04624888673,0.02739474177,0.15541403,0.328912735,0.1919816732,0.06079844385,0.1005607471,0.00104136148,43,0.2937590778,0.3866635859,5.213571548,8.118676186,1.909758329,938.4428711,1461.361694,343.7565002,730.687561,811.874939,1137.857178,0.9280853271,,0.1447425336,0.538471818,0.1860368997,0.1307487339 +Bolivia,BOL,Latin America and Caribbean,LCN,2002,eh0,Rural,3217046,0.4328464568,0.1686481982,0.05855682492,0,0.5085967183,0.4476797879,0.3993903697,0.0482894145,1355658,0.8285511732,0.7096614242,0.1151748523,0.8194916248,0.1354924291,0.9890658259,0.01093417406,0.9822294712,0.01777051948,0.1210976765,0.8289401531,0.0499621518,0.9754175544,0.02458244376,0.2897654772,,0.02458244376,0,0.8506669402,0.06120887399,0.08812419325,0.1539131701,0.115083918,0.008895203471,0.02855534106,0.0002528275363,0.02350550145,0.04217446595,0.009541069157,0.001204473316,0.005732994527,0.02947118692,0.004784332123,0.01053373422,0.01069557387,0.002218020847,0.03654961288,0.8094732165,0.05609489605,0.0150659848,0.05450335145,0.00008129263006,43,0.3457879424,0.3090646267,4.247477531,6.614255905,1.555873036,764.5460205,1190.566162,280.0571899,700.2947388,700.2947388,1001.191284,0.9280853271,,0.1793577522,0.6029040217,0.1783333868,0.03940486163 +Bolivia,BOL,Latin America and Caribbean,LCN,2002,eh0,Total,8547091,0.3964692652,0.1938993037,0.04394828528,0.6236092448,0.559582442,0.7870467645,0.7085091229,0.0785376416,3490176,0.7297345699,0.6249952316,0.1113375872,0.700520118,0.1025226787,0.9599656463,0.04003437236,0.9391573071,0.06084270403,0.3463699818,0.6068592668,0.04677074775,0.9000092149,0.09999077767,0.3958539069,,0.1010088474,0,0.3751234412,0.1951072812,0.4297692776,0.6574473977,0.5428321958,0.01088391431,0.1218842641,0.00240475242,0.05993435532,0.1980044991,0.05070245638,0.02795505896,0.02206868306,0.1310385615,0.01592622325,0.05240909383,0.04273636267,0.02818726748,0.1591410637,0.3524184227,0.1834891438,0.05465625599,0.1102565676,0.0007795970305,43,0.3203679323,0.3630580604,4.446315765,6.923890591,1.628708601,800.336853,1246.300293,293.1675415,672.282959,749.999939,876.8250122,0.9280853271,,0.09850418568,0.4647813737,0.281591028,0.1551233977 +Bolivia,BOL,Latin America and Caribbean,LCN,2002,eh0,Urban,5330045,0.3745131493,0.2091400772,0.03513103724,1,0.5903558135,0.4476797879,0.3993903697,0.0482894145,2134518,0.6783519983,0.5846379399,0.1094699502,0.6386573911,0.08052491397,0.941483736,0.05851625651,0.9031413794,0.09685860574,0.4966740012,0.4586845934,0.04464140907,0.8496960402,0.1503039896,0.4139946997,,0.1520013362,0,0.05783598125,0.2844456732,0.6577183604,0.9652804732,0.9318261147,0.01221080311,0.1841542721,0.00384053844,0.08424005657,0.3019759059,0.07816575468,0.04580332339,0.03296802193,0.1988053471,0.02336020768,0.08034875989,0.0641143024,0.04551421478,0.2409353256,0.04746682569,0.2684878707,0.08107128739,0.1474556774,0.00124551286,43,0.3033446074,0.3992165029,4.510416508,7.023709774,1.652189016,811.874939,1264.267822,297.3940125,600,751.56427,868.7937622,0.9280853271,,0.04561179131,0.374424994,0.3491396308,0.2308235914 +Bolivia,BOL,Latin America and Caribbean,LCN,2002,eh0,Young worker,1657275,0,1,0,0.6726258397,1,0.4476797879,0.3993903697,0.0482894145,896755,0.5411021113,0.4542652369,0.1113375872,0.5081800222,0.06793802977,0.9391573071,0.06084270403,0.9391573071,0.06084270403,0.3808968067,0.6028420925,0.01626109891,0.973210454,0.0267895516,0.1910201311,,0.0267895516,0,0.457167834,0.1618807614,0.3809514344,0.6124990582,0.5428321958,0.005081964657,0.1074372381,0.0005865631974,0.04877498373,0.1919355839,0.0486491248,0.01992177591,0.007482836489,0.1129620969,0.002047034213,0.008772325702,0.03227522224,0.03054759279,0.1702410579,0.4224240482,0.1581963301,0.03636335582,0.1391330212,0,43,0.3995398879,0.2928220928,3.247500181,5.057071209,1.189576149,584.5500488,910.2728271,214.1237183,566.0581055,608.90625,569.7000122,0.9280853271,,0.01623374969,0.3336663246,0.4516074657,0.1984924525 +Bolivia,BOL,Latin America and Caribbean,LCN,2003,ech,Female,4713047,0.3840394616,0.1916479915,0.05362369493,0.6284195781,0.5623368621,0.4250825047,0.3794590533,0.04562342539,1731452,0.6532992125,0.6532992125,0.1769938618,0.6181597114,,0.9462121725,0.05378780514,0.8936086893,0.1063913256,0.2958455682,0.6832989454,0.02085549757,0.2125139087,0.08333165199,0.4749478698,,0.2816728354,0,0.2960110009,0.1174923405,0.5864966512,0.7039889693,0.6737600565,0.002889651107,0.1076782718,0.0007208868046,0.00620353315,0.3346037865,0.009767069481,0.02316604182,0.01466311794,0.2042966336,0.00938131474,0.05068461224,0.03702286258,0.03550895676,0.2858041227,0.2910093665,0.1134108603,0.004215120804,0.1729627997,0,44,0.4133486152,0.3388156891,3.930815935,5.923461914,1.439878345,706.7876587,1066.223145,258.8999939,555.5309448,613.8544922,758.5703125,,,0.1447548419,0.4511582851,0.2643671036,0.1397197545 +Bolivia,BOL,Latin America and Caribbean,LCN,2003,ech,Higher education,3702968,0.3244281411,0.3088835776,0.01344111003,0.7558482885,0.6621307731,0.4250825047,0.3794590533,0.04562342539,1695227,0.6914075613,0.5834383368,0.07807929069,0.6417222023,,0.9281388521,0.07186117023,0.8691768646,0.1308231652,0.5605723858,0.3835710585,0.05585652962,0.3540980518,0.2064743638,0.4660940766,,0.3683277369,0,0.1217482463,0.2404818982,0.6377698183,0.9099567533,0.76945889,0.02416761778,0.1417534053,0.005984701216,0.0685761869,0.2397026718,0.07647082955,0.06082645431,0.04932802543,0.2114418596,0.0292009823,0.1022304446,0.1084195673,0.05994256958,0.1939518452,0.1090030149,0.2136314511,0.07713966072,0.1044676304,0.002012830693,44,0.3417179286,0.3420973122,5.335278034,8.039887428,1.9543401,953.2857666,1447.179688,349.1935425,771.4285278,753.6373901,1103.528076,0.9549403191,,0,0,0.5748220682,0.4251779616 +Bolivia,BOL,Latin America and Caribbean,LCN,2003,ech,Lower education,5489306,0.4464134574,0.114913255,0.07068361342,0.5373629928,0.4829029441,0.4250825047,0.3794590533,0.04562342539,2109995,0.7959836125,0.7050916553,0.1471890956,0.7774850726,,0.976760149,0.0232398659,0.955448091,0.04455189034,0.2662430406,0.686529398,0.04722752795,0.2474978864,0.01874515787,0.1529462188,,0.0704061836,0,0.4372313917,0.2119896561,0.3507789373,0.5862191916,0.5403290987,0.02377776615,0.1050214991,0.002435759176,0.08075463772,0.2165817022,0.03946075588,0.005838058889,0.007065157406,0.08183326572,0.001215689583,0,0.009686691687,0.003655318869,0.1669779867,0.4166966379,0.2137167603,0.04388809204,0.1441628188,0,44,0.3198032081,0.4017473459,3.344223499,5.03950882,1.225006461,601.7254639,907.1115723,220.4151611,593.229126,666.3827515,566.9237061,0.9549403191,,0.1537659168,0.7126937509,0.1335403472,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2003,ech,Male,4479227,0.4111984074,0.1945277601,0.04131181538,0.622174561,0.5474897623,0.4250825047,0.3794590533,0.04562342539,2073770,0.8456321955,,0.02557343058,0.8139374256,,0.9625194669,0.0374805294,0.9139086604,0.08609130979,0.473954469,0.4503703415,0.07567518204,0.3602410555,0.1137134284,0.3046512008,,0.2399247736,0,0.3044647276,0.312007159,0.3835281134,,0.6655135155,0.04122905061,0.1317941844,0.006640634965,0.1323432773,0.1379393488,0.0930044651,0.03495965153,0.03414203227,0.08348263055,0.01657568477,0.03899209201,0.06508569419,0.02188429236,0.09071131051,0.2772887349,0.2959798276,0.1026653275,0.08923021704,0.001586820465,44,0.2604494095,0.4063713551,4.151141644,6.255477428,1.520584702,746.4471436,1125.985962,273.4274597,609.5654907,728.3552246,855.2858887,,,0.03779479861,0.4206897616,0.3490951657,0.1924202889 +Bolivia,BOL,Latin America and Caribbean,LCN,2003,ech,Old worker,3328071,0,0,0,0.6399956346,1,0.4250825047,0.3794590533,0.04562342539,2810049,0.8443476558,0.7400757074,,0.8214274645,,0.9728545547,0.02714543417,,,0.3668989539,0.5701612234,0.06293984503,0.2429803014,0.12391866,0.4320572317,,0.3377460241,0,0.2906909883,0.2237171531,0.4855918586,0.7134900093,,0.02606584504,0.1178007349,0.004815330263,0.07503523678,0.2274010777,0.05751107633,0.03081350401,0.02968173288,0.1401844919,0.01684770733,0.05697254837,0.05399527028,0.02759854309,0.1766863465,0.2756144404,0.2124678344,0.06445013732,0.1143266782,0.001040474279,44,0.3048947155,0.3919332623,4.769547939,7.187371731,1.747110128,858.4902344,1293.726929,314.4694214,609.5654907,770.5090942,1018.74469,0.9549403191,,0.1408534348,0.5308613181,0.186461091,0.1418241709 +Bolivia,BOL,Latin America and Caribbean,LCN,2003,ech,Rural,3443642,0.4279129505,0.1565937996,0.06757090241,0,0.5045161247,0.4250825047,0.3794590533,0.04562342539,1457241,0.8387611508,0.7580902576,0.08631198853,0.8244942427,,0.9829904437,0.01700954139,0.9485633373,0.05143665895,0.2111914307,0.736800611,0.05200795457,0.1612268239,0.04996460676,0.3043200672,,0.2365844399,0,0.6796001792,0.124295786,0.1961040348,0.3310622275,0.2740146816,0.02324751765,0.05791390315,0.002068478381,0.04106589034,0.09418661892,0.01946938597,0.00096268364,0.01031307131,0.0711722672,0.003478362923,0.02671259828,0.02657156438,0.006287863478,0.07879169285,0.6466954947,0.1197242439,0.02605630271,0.06537046283,0.0003113909625,44,0.3930767179,0.3262952268,3.965450287,5.975653648,1.452565074,713.7810669,1075.617676,261.4617004,591.2296753,705.2869263,1030.179199,0.9549403191,,0.1566189378,0.5497326851,0.2227428854,0.07090551406 +Bolivia,BOL,Latin America and Caribbean,LCN,2003,ech,Total,9192274,0.3972735107,0.1930512488,0.04762434214,0.6253764629,0.5551021397,0.8014702539,0.7156764175,0.08579383637,3805222,0.7457343301,0.6532992125,0.1026451364,0.7122503697,,0.9550993443,0.04490066692,0.9049642682,0.09503573924,0.3936654627,0.5553712845,0.05096323416,0.745932103,0.254067878,0.3528202772,,0.254067868,0,0.3006539941,0.2243243754,0.4750216305,0.7039889693,0.669101119,0.02394653857,0.1209232882,0.00397214992,0.07548240572,0.2265911102,0.05548297614,0.02964336425,0.02536138892,0.1379427761,0.01333254483,0.04426294565,0.05243528634,0.0280261375,0.1786569208,0.2834738493,0.2136798203,0.0582850948,0.1269759089,0.0008714998839,44,0.3292766809,0.3759613037,4.094449043,6.170045376,1.499817967,736.6254883,1110.608154,269.8297424,607.8392944,710.2495728,815.3417358,0.9549403191,,0.0942338407,0.4367669225,0.3043871522,0.1646120846 +Bolivia,BOL,Latin America and Caribbean,LCN,2003,ech,Urban,5748632,0.378919363,0.2148905993,0.0356756188,1,0.5854049921,0.4250825047,0.3794590533,0.04562342539,2347981,0.6977078915,0.6018710732,0.1097749844,0.6543028355,,0.9377890825,0.06221089512,0.877443552,0.1225564629,0.5123740435,0.4373423755,0.05028359592,0.3797941804,0.1325798333,0.3666037023,,0.2587559819,0,0.05412357673,0.2893998325,0.6564766169,0.9495764375,0.9387331009,0.02440129966,0.1619152129,0.005210618488,0.09787269682,0.3127292991,0.0789122805,0.04830211028,0.03515135124,0.1813815683,0.01974308677,0.05568015575,0.06926068664,0.04216776043,0.2436232865,0.04718347266,0.2748017311,0.07925122976,0.1670527309,0.001235873322,44,0.2878051102,0.4082454741,4.127356529,6.21963501,1.511872172,741.444458,1119.534302,271.5949707,674.1954346,712.071228,770.9558716,0.9549403191,,0.05570120364,0.3669927716,0.3548153639,0.2224906683 +Bolivia,BOL,Latin America and Caribbean,LCN,2003,ech,Young worker,1774580,0,1,0,0.6961236,1,0.4250825047,0.3794590533,0.04562342539,995173,0.560793519,0.4854546785,0.1026451364,0.5074980855,,0.9049642682,0.09503573924,0.9049642682,0.09503573924,0.4749155045,0.5104764104,0.01460810378,0.4474492371,0.02746625617,0.1512344033,,0.05783398449,0,0.3308988512,0.2261677831,0.4429333806,0.6737600565,0.669101119,0.01751292311,0.1304024756,0.001412493642,0.07683987916,0.2241323143,0.04932623357,0.02609115653,0.01224605367,0.1311375946,0.002663791645,0.005688455421,0.04770063236,0.02932391502,0.1846377254,0.3073275983,0.2173582762,0.03957379237,0.1653671563,0.0003586513922,44,0.4030775726,0.3276164234,3.24800849,4.894519329,1.189762354,584.5500488,881.0134888,214.1237183,589.300415,615.8643188,559.4470825,0.9549403191,,0.01154919248,0.269880861,0.513541162,0.2050287873 +Bolivia,BOL,Latin America and Caribbean,LCN,2005,eh0,Female,4794864,0.3542707264,0.1919881403,0.06063779816,0.647341609,0.5850914717,0.4411956072,0.3823024631,0.05889316276,1749713,0.6236870885,0.6236870885,0.167575717,0.5810905099,0.08141583949,0.9317019582,0.06829805672,0.8929014802,0.1070985347,0.2984803915,0.671607554,0.02991207875,0.5051665306,0.1072615758,0.5553237796,,0.1751414984,0,0.3341549039,0.1168492883,0.5489957929,0.6658450961,0.6491254568,0.006545778364,0.09615749121,0.001785045024,0.01236097701,0.2939582765,0.01531826239,0.02888092399,0.01719041355,0.193647936,0.01228982024,0.05591116846,0.05639024824,0.04998739436,0.25778687,0.3307700753,0.0965776816,0.001978271408,0.1383084804,0,44,0.3626223803,0.3338058591,4.6875,6.417494774,1.717055559,843.75,1155.149048,309.0700073,591.4729614,584.5499878,900,,,0.1258811206,0.4296122491,0.2663754523,0.178131178 +Bolivia,BOL,Latin America and Caribbean,LCN,2005,eh0,Higher education,4058739,0.2743923664,0.3098511696,0.01870654896,0.7944470048,0.7069010735,0.4411956072,0.3823024631,0.05889316276,1880225,0.6553300023,0.5467008352,0.08013883233,0.6036752462,0.08391641825,0.9211775064,0.07882247865,0.8721879721,0.1278120428,0.5560359955,0.3767471611,0.06721685082,0.6050105691,0.2314665914,0.5132302046,,0.2776401937,0,0.1186071038,0.2393146455,0.6420782208,0.895127058,0.7854983211,0.0167798195,0.1445542574,0.007596328389,0.07038424909,0.2251606584,0.09008724242,0.05888669938,0.04684123397,0.2211024016,0.03122999147,0.1262969673,0.1237427294,0.06767700613,0.1777334064,0.1111314446,0.1899907738,0.08297590166,0.08682285249,0.002398931654,44,0.2952152491,0.3552555144,6.107013702,8.360901833,2.237030745,1099.262451,1504.96228,402.6655579,749.999939,852.46875,1309.090942,0.8720371127,,0,0,0.522349298,0.477650702 +Bolivia,BOL,Latin America and Caribbean,LCN,2005,eh0,Lower education,5349267,0.4414107502,0.09961532801,0.08897667378,0.5266349316,0.4696125686,0.4411956072,0.3823024631,0.05889316276,1981088,0.788623631,0.6966659427,0.1514762491,0.7614827752,0.09825564176,0.9655845761,0.03441543132,0.9462080598,0.05379196256,0.227482453,0.7260772586,0.04644028842,0.4146482646,0.02745035291,0.1691608876,,0.06444293261,0,0.5109644532,0.1880116612,0.3010239005,0.50450629,0.4003995657,0.02162466757,0.09283091873,0.0003779585822,0.07317811251,0.1809804738,0.04848795757,0.006407522131,0.004282485228,0.06086544693,0.003576753195,0,0.007497485727,0.006252260879,0.1479511857,0.4858001471,0.1735729128,0.05632105842,0.1190282032,0,44,0.2693652809,0.4138860703,3.608333349,4.94004488,1.321751237,649.5,889.2080688,237.9152222,682.5043335,730.687561,564.1607056,0.8720371127,,0.1390258819,0.7232858539,0.1376882493,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2005,eh0,Male,4613142,0.385037154,0.1885736436,0.05660675466,0.6368000507,0.5583561063,0.4411956072,0.3823024631,0.05889316276,2111600,0.8197917938,,0.03130988404,0.7821790576,0.09955438226,0.9541191459,0.0458808504,0.9080581665,0.0919418335,0.4524866641,0.4698379636,0.07767538726,0.5050567985,0.1382605433,0.3515960276,,0.2174858004,0,0.3167267144,0.2896971107,0.393576175,,0.6095228791,0.02966072597,0.1346049458,0.005444930866,0.1199865192,0.1275453866,0.1110894904,0.03333866224,0.03042510152,0.09117752314,0.02029961534,0.06333491951,0.06787004322,0.02366981469,0.08468083292,0.2891461849,0.2499878407,0.1232073158,0.07574111968,0.00206232327,44,0.216129005,0.4282792807,5.104166508,6.987938404,1.86968267,918.749939,1257.828979,336.5428772,700.2947388,835.0714722,1099.875,,,0.02917988226,0.4032384753,0.3385833204,0.2289983183 +Bolivia,BOL,Latin America and Caribbean,LCN,2005,eh0,Old worker,3590736,0,0,0,0.6798750758,1,0.4411956072,0.3823024631,0.05889316276,2974388,0.8283504844,0.7124061584,,0.7925163507,0.1009963378,0.9567403197,0.04325965419,,,0.3671700358,0.5641077161,0.06872222573,0.4975874126,0.1415776759,0.4763097763,,0.223333776,0,0.3110544682,0.2113337368,0.4776117802,0.6706402302,,0.0188265387,0.11211586,0.004764001351,0.07562733442,0.2056058347,0.07279957831,0.03122798167,0.02770303562,0.1402753741,0.0186283458,0.07380951941,0.0633963272,0.0351767242,0.1602752507,0.2964940071,0.1801676005,0.07858968526,0.09239358455,0.001068974845,44,0.2528772056,0.4010925889,5.446736813,7.456939697,1.995167971,980.4126587,1342.249146,359.130249,700.2947388,843.75,1299,0.8720371127,,0.1168176457,0.5201388001,0.1846739948,0.1783695221 +Bolivia,BOL,Latin America and Caribbean,LCN,2005,eh0,Rural,3366442,0.4324657917,0.1434371918,0.08264333755,0,0.4848908782,0.4411956072,0.3823024631,0.05889316276,1369092,0.8387209177,0.7651133537,0.1066719443,0.8272939324,0.1184644401,0.9863756299,0.01362435799,0.965973556,0.03402645886,0.1508664936,0.8056224585,0.04351103678,,,0.376486361,,,0,0.7768207192,0.08737010509,0.1358091682,0.1974822134,0.1801702678,0.01594074257,0.0340763256,0.00007479049236,0.03727824986,0.04867009819,0.02267410792,0.002220018767,0.0055396799,0.05670526251,0.003438881831,0.02322133817,0.01664199494,0.003907618113,0.04802734405,0.7460078001,0.07314510643,0.02945708856,0.05562561378,0.0005272359704,44,0.330640614,0.3347563148,4.954407215,6.782907963,1.814825058,891.7932739,1220.923462,326.6685181,694.9436646,840.3535767,1385.494507,0.8720371127,,0.1423305273,0.5695083141,0.2081779242,0.07998322695 +Bolivia,BOL,Latin America and Caribbean,LCN,2005,eh0,Total,9408006,0.369356811,0.1903138608,0.05866120756,0.6421726346,0.5719819814,0.7483068218,0.6457490324,0.1025577893,3861313,0.7175547995,0.6236870885,0.1013698056,0.6773437635,0.09144183248,0.9439610243,0.05603896827,0.9011043906,0.09889562428,0.3836066425,0.5600803494,0.05631303042,0.8023896702,0.1976103771,0.412833482,,0.1990607977,0,0.3245215416,0.2123901397,0.4630883038,0.6658450961,0.6275268793,0.01932246052,0.1174091473,0.003808030393,0.07185050845,0.2019743025,0.0682553798,0.03134491667,0.02450582758,0.1370078772,0.01671719737,0.06001461297,0.06273565441,0.03544047102,0.1621032953,0.3077626526,0.1813744456,0.06898707896,0.103724651,0.001139939879,44,0.2816488445,0.3860256374,4.979873657,6.817773342,1.824153543,896.3772583,1227.199219,328.3476563,700.2947388,797.7272339,1024.5,0.8720371127,,0.08018189669,0.4171485007,0.3004995584,0.2021700442 +Bolivia,BOL,Latin America and Caribbean,LCN,2005,eh0,Urban,6041564,0.3341916203,0.2164341956,0.04529803991,1,0.6205103397,0.4411956072,0.3823024631,0.05889316276,2492221,0.6647955775,0.5632739067,0.09941182286,0.6120511889,0.07553748041,0.9206607342,0.07933927327,0.8617302179,0.1382697821,0.5205875635,0.4155646861,0.06384774297,0.8023896217,0.1976103634,0.4192014039,,0.1990607977,0,0.05831753463,0.2859716117,0.655710876,0.96224612,0.9319101572,0.02131279744,0.1664552838,0.006005255971,0.09219826758,0.2922026217,0.09508256614,0.04848659039,0.03566849232,0.1842705756,0.0245322492,0.08166956156,0.08986441791,0.05399936438,0.2292435318,0.04983024672,0.2450736314,0.09225274622,0.1320336908,0.001500551356,44,0.2528143525,0.4162005484,4.990416527,6.832207203,1.828015447,898.2750244,1229.797363,329.0428162,730.6875,797.1916504,984,0.8720371127,,0.04542800784,0.3319479227,0.3521263897,0.2704976797 +Bolivia,BOL,Latin America and Caribbean,LCN,2005,eh0,Young worker,1790474,0,1,0,0.7303099632,1,0.4411956072,0.3823024631,0.05889316276,886925,0.4953576624,0.4420312941,0.1013698056,0.4463689625,0.05742156133,0.9011043906,0.09889562428,0.9011043906,0.09889562428,0.4421317577,0.545740068,0.01212819666,0.5318763852,0.06321851909,0.2070971429,,0.1062326655,0,0.3724731505,0.2161516547,0.4113751948,0.6491254568,0.6275268793,0.02108827233,0.1362567097,0.0004041480715,0.05840252712,0.1890437007,0.05207504332,0.03176128492,0.01312167477,0.1253734976,0.009912263602,0.01089573186,0.06038322672,0.03637958318,0.1686123312,0.3478864133,0.1856716424,0.03479552269,0.1440706551,0.00139262178,44,0.3840945959,0.332377404,3.571428537,4.889519691,1.308232784,642.8571777,880.1135254,235.4819183,662.1817017,622.4841919,642.8571777,0.8720371127,,0.01142580435,0.2238615006,0.5178750753,0.2468376458 +Bolivia,BOL,Latin America and Caribbean,LCN,2006,eh0,Female,4834261,0.3581540287,0.1892090589,0.05307967588,0.6406664848,0.5887663364,0.4212948978,0.3683604896,0.05293440819,1872023,0.6577156186,0.6577156186,0.1590031981,0.6162954569,0.08648043126,0.9370242953,0.06297571957,0.9020550847,0.0979449302,0.3294799626,0.6469528079,0.02356722578,0.5927670002,0.1081971675,0.5229327679,,0.1547207534,0,0.3666676581,0.1959452331,0.4373871088,0.6333323717,0.6151384711,0.01203657314,0.1164007857,0.003207298927,0.06430058181,0.1603870392,0.06743916869,0.0378164351,0.03139202297,0.1403524578,0.01111490559,0.08126246184,0.04831224307,0.05133026093,0.2493553758,0.3369047046,0.08859657496,0.001623025863,0.1315004379,0,45,0.3567304909,0.333753854,5.187367916,6.81000042,1.900159836,933.7262573,1225.800049,342.0287781,739.3411865,638.166687,1198.660767,,,0.1339984685,0.4152736962,0.2670661211,0.1836616844 +Bolivia,BOL,Latin America and Caribbean,LCN,2006,eh0,Higher education,4310825,0.2786030471,0.2991297543,0.02343449369,0.7799801826,0.6979624629,0.4212948978,0.3683604896,0.05293440819,2116245,0.7033532262,0.6096101999,0.06887885183,0.6470509171,0.08509263396,0.9199516177,0.08004838973,0.8790421486,0.1209578216,0.5599973798,0.3792719841,0.06073062867,0.6440262794,0.2466829568,0.5530678034,,0.2772106826,0,0.160180524,0.2409517467,0.5988677144,0.8636271358,0.6781542301,0.01550317556,0.1403640211,0.006490609143,0.07859392464,0.1748644263,0.1078825369,0.06900915504,0.05919516087,0.1879164726,0.03541631252,0.1446428895,0.1159061119,0.06998921186,0.1781371236,0.1330112368,0.1661346108,0.0730413273,0.08286235482,0.0008588263299,45,0.3091261089,0.3206581175,7.424901485,9.747445107,2.719779968,1336.4823,1754.540039,489.5603943,869.5629883,1012.5,1632.8125,0.8666667938,,0,0,0.5310968161,0.4689032137 +Bolivia,BOL,Latin America and Caribbean,LCN,2006,eh0,Lower education,5316253,0.4519598782,0.1013847515,0.07485008985,0.5129229426,0.4731900394,0.4212948978,0.3683604896,0.05293440819,2025908,0.8053385615,0.7067450881,0.1423874795,0.7844735384,0.1077682376,0.9740915895,0.02590838261,0.9445744753,0.05542552471,0.2150196135,0.7476578951,0.03732251748,0.4967158437,0.02455939353,0.1690348983,,0.04711406305,0,0.5551345348,0.2035502046,0.2413152903,0.4575165808,0.42758286,0.02126986347,0.09019690007,0.003031017492,0.08905242383,0.110256888,0.05602556467,0.01552005392,0.009839862585,0.04967292771,0.00289294729,0,0.006289082114,0.00259904121,0.1388852894,0.5252383947,0.1675097048,0.04517639428,0.1114091277,0,45,0.2400401384,0.4197687209,4.059375286,5.329166412,1.486970305,730.687561,959.249939,267.6546631,776.3082886,763.3928223,695.8928223,0.8666667938,,0.1571232826,0.7178201675,0.1250565499,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2006,eh0,Male,4792817,0.3906537592,0.1906596869,0.0505637899,0.6242752671,0.5587824583,0.4212948978,0.3683604896,0.05293440819,2270130,0.847651124,,0.02202458493,0.8088189363,0.1046270505,0.9541885257,0.04581147432,0.9034922123,0.09650781751,0.4323836267,0.4981164634,0.06949991733,0.5513311028,0.1564664543,0.4170708358,,0.2210610211,0,0.3604041338,0.2421398312,0.3974560499,,0.5542473793,0.02355757356,0.1131387129,0.005904084537,0.09953945875,0.1268326789,0.09214732796,0.04444793984,0.0357571803,0.09827093035,0.02546566911,0.06419368833,0.07077869773,0.02370446548,0.08470490575,0.3252308667,0.2301775664,0.1054898798,0.06948237866,0.0007718827692,45,0.2076364756,0.4003463387,6.224842072,8.172000885,2.280191898,1120.471558,1470.960205,410.4345398,864.375061,993,1345.982178,,,0.04305390641,0.4088620245,0.3312078416,0.2168762237 +Bolivia,BOL,Latin America and Caribbean,LCN,2006,eh0,Old worker,3695909,0,0,0,0.660674274,1,0.4212948978,0.3683604896,0.05293440819,3126668,0.8459807634,0.7394230962,,0.8126330972,0.107303746,0.9605810642,0.03941895813,,,0.3733260036,0.5691934824,0.05748051032,0.5500200391,0.1667493433,0.5357633829,,0.2328492105,0,0.3461187184,0.2204591483,0.4334221184,0.6387568116,,0.01745481044,0.1155645028,0.005137676839,0.08230216056,0.1446877867,0.08367760479,0.04241181538,0.03751663491,0.1251282692,0.02357780375,0.08930291981,0.06249479577,0.0373544395,0.1554958373,0.312797606,0.1609742641,0.0638712272,0.09357438982,0.0005566990585,45,0.2319836915,0.4018338323,7.162541866,9.403017998,2.6236763,1289.257568,1692.543213,472.2617493,1010.959839,999.999939,1550.22229,0.8666667938,,0.1311480552,0.5142855048,0.1751530766,0.1794133633 +Bolivia,BOL,Latin America and Caribbean,LCN,2006,eh0,Rural,3537892,0.420422107,0.1542938501,0.07080261409,0,0.5087752938,0.4212948978,0.3683604896,0.05293440819,1566027,0.8700188398,0.7906855345,0.08567712456,0.8578649163,0.129233554,0.9860302806,0.01396974642,0.9638994336,0.03610057756,0.137288481,0.8316983581,0.03101317957,0.2280212343,0.02244989201,0.4212851524,,0.08963065594,0,0.8030702472,0.07900313288,0.1179266497,0.1939163059,0.1715505719,0.01833797432,0.02154840715,0.001764814137,0.0373519361,0.02369375154,0.01932392269,0.001745029236,0.01131565031,0.06184829399,0.003293073969,0.02530324087,0.01219959185,0.001620956464,0.04095197842,0.7856121659,0.06293688715,0.01729948446,0.05069844425,0.00008418871585,45,0.3115591109,0.3389392197,5.602357864,7.354801178,2.052172899,1008.424438,1323.864258,369.3911133,771.8804932,970.3852539,1779.039551,0.8666667938,,0.1535152644,0.5703212023,0.2127223462,0.06344120204 +Bolivia,BOL,Latin America and Caribbean,LCN,2006,eh0,Total,9627078,0.3743339479,0.1899312586,0.0518271476,0.6325061321,0.5738389343,0.742649322,0.6523327811,0.09031654094,4142153,0.749793437,0.6577156186,0.09054718912,0.709627917,0.09650730342,0.9464312196,0.0535687618,0.9028641582,0.0971358493,0.386339128,0.5647136569,0.04894722626,0.808626917,0.1913730619,0.452944994,,0.1915359497,0,0.3631716669,0.2217287868,0.4150995612,0.6333323717,0.5807477236,0.01846703142,0.1145800576,0.004712512251,0.08396919072,0.1416586339,0.08123005182,0.04151781648,0.03382843733,0.1168646142,0.01904438622,0.07183115184,0.06072602794,0.03606569394,0.158378154,0.3304543495,0.1668268144,0.05901440978,0.09723250568,0.0004265019961,45,0.2743489444,0.3705493808,5.867013931,7.702242851,2.149117708,1056.0625,1386.403809,386.8411865,835.0714111,928.5714722,1300,0.8666667938,,0.09022350609,0.4121875465,0.2979398966,0.1996490657 +Bolivia,BOL,Latin America and Caribbean,LCN,2006,eh0,Urban,6089186,0.347556144,0.2106370181,0.04080216959,1,0.611641705,0.4212948978,0.3683604896,0.05293440819,2576126,0.6916888356,0.5967084765,0.09261988103,0.6379854679,0.07523968816,0.9223589897,0.07764100283,0.8585523963,0.1414476186,0.5481881499,0.3912099302,0.06060191616,0.7920280099,0.2079248726,0.458052516,,0.2081240714,0,0.05618581921,0.3213307261,0.6224834323,0.9494050145,0.944295764,0.01855709217,0.1795027405,0.006769581232,0.1165013164,0.2239811271,0.1244316101,0.06927349418,0.04953912273,0.1552580744,0.02928059362,0.1020679548,0.09226160496,0.05845008045,0.2346891761,0.03466375545,0.2343411297,0.08612342924,0.1274733096,0.000648959016,45,0.2501673996,0.3910916746,5.952381134,7.814313412,2.180388212,1071.428589,1406.576416,392.4698486,1010.959839,913.359375,1245.535645,0.8666667938,,0.04939176142,0.3101699054,0.3529167473,0.2875215709 +Bolivia,BOL,Latin America and Caribbean,LCN,2006,eh0,Young worker,1828483,0,1,0,0.7014601827,1,0.4212948978,0.3683604896,0.05293440819,1015485,0.5553702116,0.4851719737,0.09054718912,0.5014238358,0.06114010513,0.9028641582,0.0971358493,0.9028641582,0.0971358493,0.4289678335,0.5500384569,0.02099373378,0.6349022985,0.03043153509,0.2074402422,,0.04573874548,0,0.4192522764,0.2259041369,0.3548435867,0.6151384711,0.5807477236,0.02179584093,0.1113425791,0.00331430696,0.08945140988,0.1316969097,0.07318096608,0.03857778758,0.02169935219,0.08968856186,0.004193729721,0.01459679659,0.05493186042,0.03184398636,0.1678200811,0.3882946372,0.1859987229,0.04310434312,0.1092158407,0,45,0.4131298065,0.2680671215,4.059375286,5.329166412,1.486970305,730.687561,959.249939,267.6546631,640.2694702,730.687561,787.5,0.8666667938,,0.01508201007,0.2247256339,0.5233885646,0.2368038148 +Bolivia,BOL,Latin America and Caribbean,LCN,2007,eh0,Female,5115947,0.338809222,0.1988214552,0.06293282658,0.6519248486,0.5982579589,0.4135324955,0.3577124476,0.05582004413,1919843,0.6272652149,0.6272652149,0.1595914066,0.5860913396,0.0840093568,0.9343597293,0.06564026326,0.8655834794,0.1344165057,0.3409966528,0.6255463362,0.03345701844,0.87811625,0.12188375,0.1536198705,0.1227004454,0.12188375,0,0.3320788443,0.09570671618,0.5722144246,0.6679211855,0.5834740996,0.0009543857304,0.09055069089,0.0008997538243,0.003301884746,0.2636551857,0.01639458537,0.02943432517,0.02465292066,0.2380774319,0.01406436786,0.07972688228,0.05011193827,0.04758716747,0.234329015,0.3239247501,0.08167746663,0.001370257116,0.16720815,0,46,0.3499295413,0.3489718437,6.224842072,7.517508507,2.280191898,1120.471558,1353.151611,410.4345398,584.5500488,875,1171.56665,,,0.1018413603,0.4076648951,0.2857318521,0.2047618926 +Bolivia,BOL,Latin America and Caribbean,LCN,2007,eh0,Higher education,4796826,0.2467075139,0.3147147596,0.02594674006,0.7649189234,0.7273457646,0.4135324955,0.3577124476,0.05582004413,2350768,0.6737750173,0.5579946637,0.07246865332,0.6178866029,0.08921056986,0.9170517921,0.08294820786,0.8524605632,0.1475394517,0.5634838939,0.3637427986,0.07277332991,0.756973803,0.2430261821,0.2994420528,0.2452870756,0.2430261821,0,0.1513441056,0.2322207838,0.6164351106,0.8456788659,0.6926403046,0.01488466375,0.1338288337,0.004685088061,0.07882219553,0.195179835,0.08605996519,0.06916210055,0.05920698494,0.2068262249,0.03418165818,0.143185094,0.1134218052,0.06864952296,0.1602703631,0.1337476671,0.1795520484,0.07885466516,0.08536601067,0.002771159867,46,0.2700296342,0.3495861292,7.682754517,9.2781744,2.814232826,1382.895752,1670.071411,506.5618896,1096.875,1132.653076,1611.29541,0.9371864796,,0,0,0.5059589148,0.4940410554 +Bolivia,BOL,Latin America and Caribbean,LCN,2007,eh0,Lower education,5105807,0.4496973753,0.0928914845,0.08861224353,0.5476763844,0.4616903961,0.4135324955,0.3577124476,0.05582004413,1891349,0.8023363352,0.7107920647,0.1764336228,0.7853503823,0.1128493994,0.9788293839,0.02117060311,0.963706553,0.03629346564,0.2522249222,0.7070984244,0.04067664593,0.9682111144,0.03178887442,0.05305492133,0.0376474373,0.0322528705,0,0.4870248437,0.1903983504,0.322576791,0.5148057938,0.4336529076,0.01938953437,0.0969293043,0.002531723585,0.07154779136,0.1700873077,0.04197140783,0.00606274046,0.01306589693,0.09138944,0.006719033234,0,0.009266961366,0.005086133722,0.1439436376,0.4595950544,0.1673098207,0.06125452742,0.1468248367,0,46,0.2410912365,0.4176392257,4.510416508,5.447061062,1.652189016,811.874939,980.4710083,297.3940125,777.5625,974.25,739.1500244,0.9371864796,,0.1216594204,0.7251260281,0.153214559,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2007,eh0,Male,4786686,0.3647933006,0.2019681185,0.0532598123,0.6539597511,0.5819469094,0.4135324955,0.3577124476,0.05582004413,2322274,0.8336719275,,0.03180837259,0.7945370674,0.113199085,0.9530572295,0.04694278166,0.9020649791,0.09793501347,0.4834510982,0.4387577474,0.07779113203,0.8354811668,0.1645188481,0.2115359306,0.170959577,0.1649069637,0,0.2856447101,0.3078811467,0.4064741731,,0.6241474152,0.02994316071,0.1380402595,0.005951853935,0.1339458525,0.1186923385,0.1056446135,0.04858082533,0.04861742258,0.08493895829,0.02751506865,0.07484841347,0.07761220634,0.03255198151,0.08658991754,0.2521701157,0.2486382127,0.1269331276,0.07044178993,0.002699185861,46,0.1812574565,0.4069259763,6.536084175,7.89338398,2.394201517,1176.495117,1420.809082,430.9562683,1035.077637,1099.77002,1406.25,,,0.02278563753,0.3612133265,0.3550234139,0.260977596 +Bolivia,BOL,Latin America and Caribbean,LCN,2007,eh0,Old worker,3862335,0,0,0,0.6958883405,1,0.4135324955,0.3577124476,0.05582004413,3208851,0.8308059573,0.7209767103,,0.8003709912,0.1108458862,0.9633669257,0.03663305193,,,0.4091875851,0.5216913819,0.06912106276,0.824657023,0.1753430068,0.2113967538,0.1772409081,0.1756208837,0,0.2807804942,0.2072037011,0.5120158195,0.6911139488,,0.01787143946,0.1155853122,0.003725615796,0.07002133131,0.1913595647,0.07066313177,0.04300357774,0.04409890994,0.1628906429,0.02689708956,0.09693006426,0.06820914894,0.03872705996,0.1569568962,0.2610560954,0.1663031131,0.07732116431,0.1056668386,0.001932519721,46,0.2207345814,0.4125013053,7.5,9.057468414,2.747288942,1350,1630.34436,494.5120239,1022.962402,1209.818848,1530.964233,0.9371864796,,0.09912154078,0.4971062839,0.195229575,0.2085426152 +Bolivia,BOL,Latin America and Caribbean,LCN,2007,eh0,Rural,3437120,0.3925664425,0.1803250909,0.08537438512,0,0.5220591426,0.4135324955,0.3577124476,0.05582004413,1526382,0.8506458998,0.7710726857,0.1033835188,0.8382516503,0.1348788887,0.985429585,0.01457040198,0.9852975011,0.01470251288,0.1777332127,0.7857529521,0.03651383892,0.9678647518,0.03213526309,0.05775784329,0.04001151398,0.03213526309,0,0.7374536395,0.1066574827,0.1558888704,0.2273708582,0.2515926957,0.01303334348,0.04981444404,0.004026880488,0.03978281468,0.05475347489,0.02029462717,0.009382093325,0.01424998417,0.05720869452,0.006890306715,0.02098139748,0.02547631785,0.005978823639,0.04887371138,0.6979460716,0.09212627262,0.03819453344,0.06353256851,0,46,0.3157455027,0.357178539,4.951760292,5.980055332,1.813855529,891.3168335,1076.409912,326.493988,896.3772583,784.3300781,1026.991089,0.9371864796,,0.1221680194,0.5232745409,0.2451890558,0.1093683913 +Bolivia,BOL,Latin America and Caribbean,LCN,2007,eh0,Total,9902633,0.3513692915,0.2003424764,0.05825713277,0.6529084444,0.5903736055,0.6938427133,0.5951642964,0.0986784169,4242117,0.7256129512,0.6272652149,0.09732307494,0.6854106101,0.100131914,0.9445953369,0.05540464818,0.8862993717,0.1137006357,0.4196794927,0.5223761201,0.05794437975,0.8545672894,0.1454326957,0.1856090426,0.1493557394,0.1456470639,0,0.3064315617,0.212898463,0.4806699753,0.6679211855,0.6069811583,0.01696595363,0.1167809293,0.003690214595,0.07546135783,0.1835868657,0.06569065899,0.04000964388,0.03788939863,0.1534934193,0.0214936845,0.07703232765,0.06530135125,0.03928267956,0.1527272761,0.2842920125,0.1738960296,0.07072325051,0.1137605309,0.001490859664,46,0.2566642165,0.3810169399,6.389368057,7.716200352,2.340458632,1150.086304,1388.916016,421.2825928,896.3772583,1086.365356,1280.916992,0.9371864796,,0.06473914534,0.385864377,0.31825158,0.2311448902 +Bolivia,BOL,Latin America and Caribbean,LCN,2007,eh0,Urban,6465513,0.3294685185,0.2109838724,0.0438413769,1,0.6266900897,0.4135324955,0.3577124476,0.05582004413,2715735,0.6702418923,0.5641905665,0.09456945956,0.6177247167,0.07925073802,0.9216443896,0.07835558057,0.808749795,0.1912502348,0.5650770068,0.3640999198,0.07082305849,0.7864812613,0.2135187238,0.2624411583,0.2150661051,0.2138619274,0,0.04740900919,0.2767439187,0.6758470535,0.9562916756,0.9461445808,0.01932925358,0.1570244133,0.003487895476,0.096902363,0.2610092461,0.09297139198,0.05841525644,0.05209549516,0.2113556713,0.0302695781,0.110716112,0.0892341882,0.05929661915,0.2151380181,0.03570678085,0.2230355293,0.09027136862,0.1439450085,0.002386791166,46,0.2212296426,0.3953142464,6.765625,8.170591354,2.478283644,1217.8125,1470.706543,446.0910339,974.25,1125,1328.668823,0.9371864796,,0.0315120481,0.3063618541,0.3605239689,0.3016021252 +Bolivia,BOL,Latin America and Caribbean,LCN,2007,eh0,Young worker,1983918,0,1,0,0.6875883937,1,0.4135324955,0.3577124476,0.05582004413,1033266,0.5208209157,0.4389968216,0.09732307494,0.4616032541,0.06396602839,0.8862993717,0.1137006357,0.8862993717,0.1137006357,0.4550957978,0.5246875882,0.02021658048,0.9555320144,0.04446795955,0.09856046736,0.05522705615,0.04446795955,0,0.3930188715,0.2321215868,0.3748595417,0.5834740996,0.6069811583,0.01390940882,0.1208168343,0.003570714965,0.09382463247,0.1573494971,0.04890568927,0.02990337275,0.0169286821,0.1217722967,0.003254045965,0.009865874425,0.05548585206,0.04115822166,0.1384498328,0.362726748,0.1995265186,0.04845143482,0.1410814524,0,46,0.3779964745,0.2746960819,4.4921875,5.425046444,1.645511627,808.59375,976.5083618,296.1920776,730.687561,843.75,797.9400635,0.9371864796,,0.005134670064,0.1930181831,0.5315195322,0.2703276277 +Bolivia,BOL,Latin America and Caribbean,LCN,2008,eh0,Female,5174849,0.3378770947,0.1959458143,0.05937139317,0.6599802375,0.6027514935,0.40485695,0.339520961,0.06533599645,2013747,0.6456080079,0.6456080079,0.1469698846,0.6197945476,0.09271525592,0.9600168467,0.03998317569,0.9175866842,0.08241328597,0.343506813,0.6250696182,0.03142356128,0.8845481873,0.1145181283,0.1584198773,0.3200367093,0.1155395061,0,0.2958574593,0.11140313,0.5927394032,0.7041425109,0.6631856561,0.002708399668,0.09992659837,0.001703620772,0.007064512931,0.3210131824,0.02701359615,0.03310438991,0.03174967319,0.1798585504,0.00620412128,0.07993974537,0.05808772892,0.04766528308,0.2865099907,0.2869481146,0.09423498809,0.001738540246,0.1383900791,0.0002813941974,45,0.3482629061,0.3230091333,6.75,7.150608063,2.472560167,1211.11377,1287.109497,443.6372681,840.3535767,945.3125,1265.625,,,0.1174710169,0.3878926933,0.2786094844,0.216026783 +Bolivia,BOL,Latin America and Caribbean,LCN,2008,eh0,Higher education,4683437,0.2399938405,0.3100052476,0.02195737883,0.8034182787,0.7380487919,0.40485695,0.339520961,0.06533599645,2367066,0.684795022,0.5855556726,0.07142276317,0.6543770432,0.1016334295,0.9555808902,0.04441912472,0.9229308367,0.07706919312,0.5671386719,0.3777666092,0.05509471521,0.7735117674,0.2252114713,0.2940486372,0.3862011731,0.2271062583,0,0.109786585,0.2175738513,0.6726395488,0.9162114263,0.7700446248,0.01224241778,0.1317831129,0.006397122517,0.06715120375,0.2532381713,0.1072203964,0.06269232929,0.06389157474,0.1855970919,0.01544438116,0.1390197575,0.1099122316,0.06252025068,0.2131734788,0.09746353328,0.1810057163,0.08662319928,0.09188818187,0.002949260408,45,0.2859962583,0.3357575834,8.535416603,9.041987419,3.126567364,1522.265625,1627.557739,557.6138306,1293.847046,1388.070923,1623.749878,0.8543917537,,0,0,0.4815990031,0.5184010267 +Bolivia,BOL,Latin America and Caribbean,LCN,2008,eh0,Lower education,5344536,0.4415032566,0.09160402417,0.08642527461,0.5260570645,0.4720714688,0.40485695,0.339520961,0.06533599645,2037623,0.8076181412,0.7175348997,0.1620467305,0.7965119481,0.1245793924,0.9862481952,0.01375180762,0.9617296457,0.038270358,0.2374967784,0.6972654462,0.06523779035,0.969872117,0.0297257863,0.05381065607,0.1132795364,0.0300229881,0,0.4918267429,0.1945798248,0.3135934472,0.5061252713,0.4244758785,0.0153488107,0.0951904878,0.001141021959,0.08289949596,0.191254288,0.04658434913,0.006692369934,0.00925407093,0.05980835855,0.00051303691,0.0001821256155,0.01127735712,0.00255772029,0.1548231989,0.4738993049,0.1818668544,0.05842649564,0.1161832064,0.0002707003732,45,0.23716636,0.4166914523,6.190662861,6.558074474,2.267672062,1114.146118,1180.453369,408.1175232,960.4041748,1333.894775,991.3950195,0.8543917537,,0.1476855129,0.6989187002,0.153395772,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2008,eh0,Male,4853124,0.3575352728,0.1911101043,0.05305881426,0.6509192586,0.5894058943,0.40485695,0.339520961,0.06533599645,2390942,0.8358592391,,0.03666597977,0.8174538612,0.1287271827,0.9779802561,0.02201977372,0.9499018788,0.05009813607,0.468726337,0.4478910565,0.08338258415,0.8504683375,0.1487229615,0.19959189,0.3069291413,0.1498863846,0,0.2844541371,0.2855445743,0.4300012887,,0.6556455493,0.02279175259,0.12665084,0.005757187027,0.1303447932,0.1439429373,0.1213744879,0.03900111094,0.04348220304,0.08220054954,0.01025149133,0.06854399294,0.06798931211,0.02326824516,0.1023930237,0.2643238902,0.2534852326,0.1325701624,0.07432170957,0.002852934645,45,0.1927065253,0.4158537388,8.089285851,8.569379807,2.963147402,1453.125122,1542.488403,532.2872925,1114.928589,1400.589478,1558.799927,,,0.03809594363,0.3659898043,0.3327658176,0.263148427 +Bolivia,BOL,Latin America and Caribbean,LCN,2008,eh0,Old worker,4038137,0,0,0,0.6814159751,1,0.40485695,0.339520961,0.06533599645,3404462,0.8430773616,0.7377503514,,0.8261963129,0.1288864166,0.9799768925,0.02002313361,,,0.389016062,0.5377044082,0.07327951491,0.8399748206,0.1590902954,0.199967429,0.3899097145,0.1605001241,0,0.2752563059,0.2062009573,0.518542707,0.7155640721,,0.01289574616,0.1138850451,0.004433062393,0.07498709857,0.2232836783,0.07796495408,0.04181945696,0.04196452722,0.1335101128,0.01066782512,0.09114933759,0.06235661358,0.03136594221,0.1873222142,0.2650305927,0.1790124029,0.08133066446,0.08964257687,0.002121815458,45,0.2274968624,0.3999565542,8.625647545,9.137574196,3.15961957,1546.875,1644.763306,566.6283569,1018.610474,1433.184448,1687.5,0.8543917537,,0.1161810309,0.4758044481,0.1887374818,0.2192770243 +Bolivia,BOL,Latin America and Caribbean,LCN,2008,eh0,Rural,3453683,0.3918807805,0.1524992287,0.08312314749,0,0.5249960423,0.40485695,0.339520961,0.06533599645,1534047,0.8460580111,0.7583498359,0.090690054,0.8416656852,0.1711617261,0.994808495,0.005191496573,0.9902433753,0.009756650776,0.1897380352,0.7538843155,0.05637766793,0.9454485774,0.05422968417,0.07604042441,0.2817037106,0.05424713716,0,0.7219738364,0.118726179,0.1592999846,0.254329741,0.2549283504,0.01739879139,0.04809240252,0.004957135301,0.04827784747,0.07059249282,0.01966668852,0.0009737347136,0.01300715655,0.05505991355,0.001465189038,0.0266361665,0.01751936227,0.006676570047,0.06291466206,0.6953088641,0.1021274701,0.02784383297,0.05915143713,0.0003564681683,45,0.306281507,0.334477216,8.129329681,8.611800194,2.977815628,1463.279297,1550.124023,536.0068359,960.4041748,1400.589478,2174.381836,0.8543917537,,0.15093638,0.525005877,0.2393086106,0.0847491473 +Bolivia,BOL,Latin America and Caribbean,LCN,2008,eh0,Total,10027973,0.3473908305,0.1936055273,0.05631636456,0.6555951238,0.5962927788,0.6770284823,0.5825843325,0.09444414984,4404689,0.7366183676,0.6456080079,0.09427542239,0.7143486925,0.1124287024,0.9697676897,0.03023232706,0.9350187778,0.06498125196,0.4120537639,0.5280795693,0.05986667424,0.8666422474,0.1333577228,0.1809521616,0.3118488491,0.1343425363,0,0.2896138132,0.2067505121,0.5036356449,0.7041425109,0.6590495706,0.01370460447,0.1145588756,0.003923063166,0.0745639652,0.2240622044,0.07867886126,0.03633301333,0.0381735675,0.1263880283,0.00841970928,0.0737015456,0.0635079965,0.03430999443,0.1857217252,0.2745633125,0.1814108491,0.0733576417,0.1033181325,0.001689092256,45,0.262975812,0.3739131391,7.617424011,8.069513321,2.790302038,1365,1452.512329,500.0065918,980.4124756,1344.565918,1406.25,0.8543917537,,0.07976540178,0.3774881661,0.3043354154,0.2384110242 +Bolivia,BOL,Latin America and Caribbean,LCN,2008,eh0,Urban,6574290,0.3240188658,0.2151999623,0.04223391414,1,0.63374722,0.40485695,0.339520961,0.06533599645,2870642,0.6889919043,0.5971161723,0.0956101492,0.6589422226,0.07978132367,0.9563860893,0.04361393675,0.9000137448,0.09998627752,0.5356303453,0.4025636017,0.06180607527,0.8216702342,0.1771623641,0.2393270731,0.3177670836,0.1789021194,0,0.04909296706,0.2557182312,0.6951888204,0.9627469778,0.9419970512,0.0116495369,0.1515340209,0.003347811056,0.08918686956,0.3094370365,0.1115071923,0.05600329489,0.05217358097,0.1660676897,0.01228545327,0.09986333549,0.08907126635,0.04967032745,0.2539853454,0.0406874381,0.2254813612,0.09865697473,0.1278686672,0.00242984551,45,0.2388260663,0.3959048986,7.440476418,7.882063389,2.725485086,1334.453125,1418.771362,488.8171082,1055.4375,1299,1350,0.8543917537,,0.03896544501,0.2929211557,0.3416131437,0.3265002668 +Bolivia,BOL,Latin America and Caribbean,LCN,2008,eh0,Young worker,1941471,0,1,0,0.7287191153,1,0.40485695,0.339520961,0.06533599645,1000227,0.5151903033,0.4543102086,0.09427542239,0.4817125797,0.05371828005,0.9350187778,0.06498125196,0.9350187778,0.06498125196,0.4942372441,0.4937443137,0.01201842073,0.9583493471,0.04103371128,0.1131741777,0.09140952677,0.04105904326,0,0.3409504592,0.2087154984,0.4503340423,0.6631856561,0.6590495706,0.01659675501,0.1169682145,0.002099511912,0.07305101305,0.2268458903,0.08123149723,0.01671571657,0.02461862564,0.1009223312,0.0003999012115,0.01145920064,0.06761538237,0.0448124595,0.1800122112,0.3085697591,0.1899669766,0.04491510615,0.1521036029,0.0001454186131,45,0.3895139992,0.2810275257,6.089062214,6.450443745,2.23045516,1096.031128,1161.079956,401.4819031,946.1760864,1197.828125,1071.428589,0.8543917537,,0.00926780235,0.1871560514,0.5281233191,0.2754528224 +Bolivia,BOL,Latin America and Caribbean,LCN,2009,eh0,Female,5213800,0.3314453959,0.1926575601,0.05827150866,0.6610276699,0.6102830768,0.4058091342,0.3460581005,0.05975103751,2075050,0.6521430612,0.6521430612,0.1527907997,0.623760879,0.08150484413,0.9564786553,0.04352135956,0.9268962145,0.07310376316,0.3602822721,0.6118224263,0.02789532766,0.8653925061,0.1341605783,0.1637610942,0.3754199743,0.1342205554,0,0.2888579965,0.1090142876,0.6021277308,0.7111420035,0.692579627,0.001525701024,0.09977540374,0.000992940506,0.006720241625,0.2984749079,0.02150144614,0.04315511137,0.02065114677,0.2183451056,0.00777784083,0.09667810798,0.06624440849,0.04815036431,0.2806743979,0.2654860318,0.09084057063,0.00190201134,0.1417474598,0,45,0.3807320297,0.3116658032,8.086544037,8.288849831,2.962143183,1444.982178,1491.99292,529.3045044,1120.471558,1124.134644,1549.620117,,,0.09998379648,0.3933216929,0.2901841998,0.2165103257 +Bolivia,BOL,Latin America and Caribbean,LCN,2009,eh0,Higher education,5028053,0.2325906307,0.2903597057,0.02697147429,0.7714771628,0.7404379249,0.4058091342,0.3460581005,0.05975103751,2636356,0.7081341743,0.6158958077,0.07109930366,0.6772882938,0.09224681556,0.9564406276,0.0435593687,0.9289275408,0.07107244432,0.5606444478,0.3856811523,0.05367441475,0.7544859648,0.2441937774,0.289662689,0.4184837639,0.2456547171,0,0.1428294033,0.2207471132,0.6364234686,0.8575887084,0.762750566,0.01048206538,0.1304777116,0.004676650278,0.07511068135,0.2163019329,0.08924227208,0.07188002765,0.0513006188,0.2076986283,0.015394805,0.1403594017,0.1270583123,0.06629531085,0.1792069376,0.1255979836,0.1811717451,0.07318758965,0.08904167265,0.002155970782,45,0.309392333,0.3198281527,9.963920593,10.21319389,3.649835825,1786.125,1838.375,654.2668457,1509.488281,1624.53125,1865.625244,0.8577997088,,0,0,0.4752848148,0.5247151852 +Bolivia,BOL,Latin America and Caribbean,LCN,2009,eh0,Lower education,5273561,0.4511729479,0.09795961529,0.08436576277,0.5567932129,0.4644612968,0.4058091342,0.3460581005,0.05975103751,1938590,0.7914663553,0.6994733214,0.1457018703,0.7749829292,0.1090323776,0.9791735411,0.02082647756,0.9689577818,0.0310422387,0.2751588821,0.6782605648,0.04658057913,0.9644755721,0.03520042077,0.04858862609,0.1390098035,0.03521182761,0,0.4549308419,0.2062236369,0.3388455212,0.5479000211,0.5465673804,0.01212190837,0.1072965339,0.0002960674756,0.08650912344,0.1921172291,0.05041049048,0.008602814749,0.007450679783,0.08026431501,0.002311644144,0.001293846406,0.01666090637,0.004060128238,0.1746887565,0.4214963019,0.1822542846,0.0615419969,0.1351706088,0,45,0.2394324094,0.4252799749,7.440476418,7.626619339,2.725485086,1339.285767,1372.791382,490.5873413,1400.589478,1583.156128,1139.699951,0.8577997088,,0.1255451888,0.7064732909,0.1679814905,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2009,eh0,Male,5087814,0.357850343,0.1910569072,0.05438603088,0.6621399522,0.5877636075,0.4058091342,0.3460581005,0.05975103751,2499896,0.8359648585,,0.02633062564,0.8142612576,0.1140878052,0.9740377069,0.02596228011,0.9540148973,0.04598512873,0.5014055371,0.4294377863,0.06915666908,0.8277859688,0.1709586084,0.2044784427,0.3247801661,0.1723519862,0,0.2672550678,0.3005327284,0.4322121739,,0.6911319494,0.01906536706,0.1374285668,0.004262826405,0.1397759765,0.1304208636,0.1141866893,0.04593420401,0.04208200052,0.09958843142,0.0114040114,0.06754968315,0.09056387842,0.03256716579,0.0929742977,0.2422531992,0.255648315,0.1222164035,0.08204136044,0.002232585568,45,0.1968966722,0.4084743559,9.375,9.609539986,3.434111118,1687.5,1729.717163,618.1400146,1509.488281,1699.99707,1704.9375,,,0.03035110049,0.349299252,0.3381195068,0.2822301388 +Bolivia,BOL,Latin America and Caribbean,LCN,2009,eh0,Old worker,4195786,0,0,0,0.6887055039,1,0.4058091342,0.3460581005,0.05975103751,3565299,0.8497332931,0.7422412634,,0.8267723918,0.1107718199,0.9729787111,0.02702129632,,,0.4296570122,0.5107986331,0.0595443584,0.8133472204,0.1858090013,0.2121969163,0.4118728936,0.1866413206,0,0.2683918476,0.2068649977,0.5247431397,0.716196239,,0.01157618128,0.1144032329,0.002911568386,0.07797401398,0.1990368813,0.07489687949,0.05079726502,0.03617653996,0.1638355702,0.01209924277,0.09803587198,0.08364073932,0.0387054719,0.1760974675,0.2512329817,0.1735697985,0.07670637965,0.08767411113,0.00156710716,45,0.2425975651,0.3948118687,10.03086472,10.28181362,3.674357891,1800.886475,1850.72644,659.6740723,1455.577881,1732,1883.333374,0.8577997088,,0.09752568603,0.4746510386,0.1965349764,0.231288299 +Bolivia,BOL,Latin America and Caribbean,LCN,2009,eh0,Rural,3486303,0.3867297173,0.163523078,0.07510247827,0,0.5381677747,0.4058091342,0.3460581005,0.05975103751,1549438,0.8258313537,0.7414585352,0.1050183252,0.8205691576,0.1352070272,0.9936280251,0.006371987984,0.9868792892,0.01312073506,0.193581298,0.7635143399,0.04290432855,0.9380396605,0.06156089529,0.07565843314,0.3431521952,0.06158549711,0,0.7235355377,0.1121186838,0.1643457711,0.259391427,0.2591640651,0.01078876201,0.06279435754,0,0.03853556141,0.05697518587,0.02836580388,0.002621519612,0.0069142906,0.06946897507,0.002823146759,0.03336782753,0.0269212313,0.005574188195,0.05026318505,0.6639162898,0.09040175378,0.03600259125,0.09022571892,0.0005040869582,45,0.3001887202,0.348968327,9.631972313,9.872941017,3.528241396,1728.292114,1777.129395,633.0823975,1474.554443,1680.707153,2240.943115,0.8577997088,,0.1153173596,0.5153270364,0.2511061132,0.1182494611 +Bolivia,BOL,Latin America and Caribbean,LCN,2009,eh0,Total,10301614,0.3444864154,0.1918670237,0.05635252967,0.6615769863,0.5991610587,0.6690003285,0.5749479383,0.09405239019,4574946,0.7412029172,0.6521430612,0.0905977115,0.7160564619,0.09945598245,0.9660734534,0.0339265205,0.9416895509,0.05831047893,0.4380322397,0.5113400221,0.05062770844,0.8454281035,0.1545718816,0.1861877441,0.3433859646,0.1552209258,0,0.2769587934,0.2145054638,0.5085357428,0.7111420035,0.6917789578,0.01118680742,0.1205153242,0.002794041764,0.08000930399,0.2059082687,0.07255384326,0.04468587413,0.03245557472,0.152932182,0.009775576182,0.08063063025,0.07964252681,0.03956524283,0.1772663742,0.2526865602,0.1816366911,0.06818579882,0.1088540852,0.001229979447,45,0.2794085443,0.3650232255,9.025463104,9.25125885,3.306073904,1623.749878,1665.226563,594.7880249,1442.485352,1623.749878,1668.125,0.8577997088,,0.06608784199,0.371892333,0.3135182559,0.2485015541 +Bolivia,BOL,Latin America and Caribbean,LCN,2009,eh0,Urban,6815311,0.3228772581,0.2063660771,0.04676118121,1,0.630361557,0.4058091342,0.3460581005,0.05975103751,3025508,0.7042436004,0.6125397682,0.0847524479,0.6704132557,0.08034563065,0.9519621134,0.04803788289,0.9149901867,0.08500979841,0.5687010288,0.3765428364,0.05475616083,0.7947658896,0.2040783018,0.245059222,0.3434282839,0.2053106874,0,0.0380105339,0.2692891955,0.6927002668,0.9687162042,0.9678109884,0.01139978878,0.1513998657,0.004289039876,0.1022005081,0.2855973542,0.09619738162,0.06719310582,0.04612186179,0.1975905448,0.01349156909,0.1058920473,0.1078214496,0.05773307011,0.2451481074,0.03288904205,0.2304007113,0.08538734913,0.1188107356,0.001617960632,45,0.2683499157,0.3735671937,9.020833015,9.246513367,3.304378033,1621.125,1664.372437,593.8265381,1218.75,1621.125,1623.749878,0.8577997088,,0.03901225701,0.2930051684,0.347844094,0.3201384842 +Bolivia,BOL,Latin America and Caribbean,LCN,2009,eh0,Young worker,1976540,0,1,0,0.7115712166,1,0.4058091342,0.3460581005,0.05975103751,1009647,0.510815382,0.4568362832,0.0905977115,0.4810294807,0.05816945061,0.9416895509,0.05831047893,0.9416895509,0.05831047893,0.4685898125,0.5133154392,0.01809473149,0.9589702487,0.03996007517,0.09115488827,0.1120731011,0.04055563733,0,0.3082210422,0.2423868924,0.4493920803,0.692579627,0.6917789578,0.009765914641,0.1428194046,0.002365166089,0.0874364078,0.230983153,0.06400369108,0.02238434367,0.01887712069,0.1131437793,0.001297889976,0.01712920144,0.06505541503,0.04270205274,0.1815310419,0.257989794,0.2110680342,0.03709924594,0.186127305,0,45,0.4137442708,0.2563143075,6.762351036,6.931529045,2.477084398,1215.991089,1247.675293,445.4238586,1400.589478,1299,1159.821411,0.8577997088,,0.00818694476,0.1826357394,0.5289731026,0.2802042067 +Bolivia,BOL,Latin America and Caribbean,LCN,2011,eh0,Female,5387694,0.3219689131,0.192760393,0.06157142669,0.6769504547,0.6164596677,0.3957895935,0.3352946341,0.06049495935,2140420,0.6444532275,0.6444532275,0.1726799458,0.6229276061,0.08321414888,0.96659863,0.03340138867,0.9261420369,0.07385798544,0.3466395736,0.6240162253,0.0293441955,0.8461332917,0.1534109265,0.1727422029,0.3881677091,0.1546322405,0,0.2839587331,0.1123308241,0.603710413,0.7160412669,0.6753754616,0.004748388194,0.09824228287,0.001207037014,0.008133118972,0.3170906305,0.01998547837,0.04366699606,0.02607190423,0.1968954504,0.01846423559,0.1092849523,0.0402411744,0.04568710178,0.2995989621,0.1951668262,0.08943530917,0.003592107445,0.198529318,0,45,0.3565610051,0.307123363,9.722222328,8.853460312,3.561300516,1746.3125,1593.622925,639.6833496,1259.171997,1339.285767,1850,,,0.08712179959,0.3690778017,0.3180325925,0.2257678211 +Bolivia,BOL,Latin America and Caribbean,LCN,2011,eh0,Higher education,5992345,0.2520263791,0.2813771665,0.03026928566,0.7785197496,0.7177043557,0.3957895935,0.3352946341,0.06049495935,3038091,0.7064125538,0.6027594209,0.08397262543,0.6817818284,0.08711220324,0.9651327133,0.03486729041,0.9321649075,0.06783507764,0.5236018896,0.4161824584,0.06021565571,0.73853755,0.2611408532,0.2720317841,0.417555213,0.262024194,0,0.1498012692,0.2246070355,0.6255916953,0.8643622398,0.7367222309,0.01981873065,0.1230590791,0.00420095399,0.07752827555,0.2366312146,0.09003662318,0.06473126262,0.05112149939,0.1830710918,0.03371315077,0.146570906,0.08041134477,0.05356241763,0.1975254714,0.08013807237,0.1683180779,0.08983327448,0.1476124823,0.002314798301,45,0.2744203806,0.3245524764,11.50173664,10.47395992,4.213145733,2070.3125,1885.312866,758.3662109,1832.950073,1992.424316,2166.666748,0.8587940335,,0,0,0.535969317,0.464030683 +Bolivia,BOL,Latin America and Caribbean,LCN,2011,eh0,Lower education,4719728,0.4421826899,0.0795160234,0.09400881082,0.5313377976,0.4638085067,0.3957895935,0.3352946341,0.06049495935,1774565,0.8106552958,0.7142788172,0.2120790631,0.800686121,0.09972774237,0.9877023101,0.01229766198,0.973618269,0.0263817478,0.2356125414,0.7140360475,0.05035139248,0.9550059438,0.04488281906,0.0486443527,0.1475625485,0.04528323561,0,0.4945006073,0.2001988888,0.305300504,0.5131915808,0.453281939,0.02185832337,0.08679885417,0.002304389374,0.08923731744,0.1825699359,0.04858216271,0.006933707278,0.01183973439,0.05537495017,0.004188865423,0.0003885340702,0.01000888925,0.003217244754,0.1670873463,0.370338589,0.1563413143,0.06824735552,0.2201818675,0,45,0.2230307907,0.4123654664,8.899477005,8.104233742,3.25992465,1601.905762,1458.762085,586.786377,1556.210449,1968.75,1326.193115,0.8587940335,,0.1201146618,0.7285580635,0.1513272822,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2011,eh0,Male,5324379,0.3498137593,0.1921104789,0.05509600416,0.6621856093,0.59509027,0.3957895935,0.3352946341,0.06049495935,2672236,0.8433794379,,0.04090944305,0.8256233335,0.09864769131,0.9789464474,0.02105353028,0.9538106918,0.04618929699,0.4706010222,0.4513768554,0.07802212238,0.7984790206,0.201446414,0.2008852512,0.3449006975,0.2017118335,0,0.2747197449,0.297073245,0.42820701,,0.6626948118,0.03310880437,0.118387118,0.00529829599,0.1402790248,0.1367376447,0.1176700518,0.04265369102,0.04460833222,0.08653730154,0.02598787658,0.07809134573,0.0650023818,0.02604982257,0.09638147056,0.1836438924,0.2226901352,0.1435858607,0.1559727639,0.002594466787,45,0.1750221401,0.3971731663,11.34583378,10.33198833,4.156037807,2040.65564,1859.757935,747.5027466,1752.084595,2076.272949,2107.349854,,,0.0234750323,0.3093912303,0.3968153298,0.2703184187 +Bolivia,BOL,Latin America and Caribbean,LCN,2011,eh0,Old worker,4428379,0,0,0,0.6968362331,1,0.3957895935,0.3352946341,0.06049495935,3724554,0.8410648704,0.7320697308,,0.8264974356,0.09954962134,0.9826797843,0.01732019521,,,0.4028661847,0.5299643874,0.06716941297,0.7861219645,0.2136892378,0.2157424837,0.4343245327,0.2145204395,0,0.263918668,0.2096259147,0.5264554024,0.7268571854,,0.02277919278,0.1061212271,0.004047125578,0.07667836547,0.2094395012,0.07730975002,0.04648112878,0.04252939299,0.1506956369,0.02652455866,0.1127276048,0.05547080189,0.03344908357,0.1860427856,0.2162303329,0.1600145251,0.09042876214,0.1172572225,0.001854319591,45,0.2247728854,0.3806842268,12.1875,11.09844398,4.464344501,2193.75,1997.719849,803.5820313,1725.814209,2177.17041,2257.650146,0.8587940335,,0.08008746058,0.4388073981,0.2556737661,0.2254313678 +Bolivia,BOL,Latin America and Caribbean,LCN,2011,eh0,Rural,3539144,0.3874273002,0.1626735181,0.07056339085,0,0.542009294,0.3957895935,0.3352946341,0.06049495935,1632177,0.8508681655,0.7704845071,0.1075565591,0.8450159431,0.1336758435,0.9931220412,0.006877930369,0.9859901071,0.01400987897,0.19401142,0.7705785036,0.03541007638,0.9429205656,0.05680369213,0.06998052448,0.2704156637,0.05743521824,0,0.7142091393,0.126176551,0.1596143246,0.2618503571,0.2577936351,0.03177825734,0.04138373211,0.002074090997,0.05094046518,0.06448251754,0.02342143655,0.002067921916,0.01510718092,0.05453526974,0.008704766631,0.02633947693,0.01207562722,0.006963813212,0.05677839741,0.4876945615,0.07821211219,0.05150988698,0.2714912295,0.0002301118366,45,0.2817746997,0.3462222219,11.03164291,10.04587269,4.040947914,1985.695679,1808.25708,727.3706665,1638.145996,2579.068604,2070.155273,0.8587940335,,0.1044450998,0.4800222516,0.2939285636,0.121604085 +Bolivia,BOL,Latin America and Caribbean,LCN,2011,eh0,Total,10712073,0.335809052,0.1924373507,0.05835285038,0.6696116328,0.6058380902,0.6506060097,0.5542884435,0.09631756623,4812656,0.7415743876,0.6444532275,0.1072953716,0.7218891275,0.09183199704,0.9734547734,0.02654521726,0.9418776631,0.05812230706,0.4158577025,0.5276170969,0.05652518198,0.8197230322,0.1802769678,0.1884568334,0.3607644141,0.1809251755,0,0.2788006067,0.2154725939,0.5057268143,0.7160412669,0.6680724025,0.02058202215,0.1094891503,0.003491188865,0.08191023767,0.2163994759,0.0745228231,0.04310126603,0.03642079979,0.135282442,0.02266495489,0.09186843783,0.05406625196,0.03472289816,0.186135307,0.1887331456,0.1638362855,0.08175566792,0.1747684628,0.001448584488,45,0.2551947236,0.3574046791,10.83020878,9.862438202,3.967161655,1948.500122,1775.238892,713.7457275,1717.142578,1983.912476,1966.025269,0.8587940335,,0.0560435392,0.3399332762,0.3565016389,0.2475215644 +Bolivia,BOL,Latin America and Caribbean,LCN,2011,eh0,Urban,7172929,0.3103404343,0.2071229219,0.05232813582,1,0.6373314261,0.3957895935,0.3352946341,0.06049495935,3180479,0.6957138777,0.5933513641,0.1071941555,0.6702241898,0.06969495863,0.9633617997,0.03663819283,0.9147188067,0.08528121561,0.5332230926,0.3990809917,0.0676959008,0.7542422414,0.2455322444,0.2511354685,0.3781147003,0.2462529242,0,0.048347231,0.2627352774,0.6889174581,0.9646322131,0.9403521419,0.01465606783,0.1455360502,0.004241231363,0.09830193967,0.2968061864,0.1015698016,0.06481942534,0.04770169035,0.178020373,0.03005290404,0.1265473664,0.07628834248,0.04941343889,0.2545929849,0.03051814437,0.2091499269,0.09776221216,0.1235812604,0.002093418967,45,0.241138652,0.3633182049,10.82499981,9.857694626,3.965253592,1948.5,1774.385132,713.7456665,1828.125,1948.5,1958.937256,0.8587940335,,0.02769667283,0.2578887343,0.3931481838,0.3212664127 +Bolivia,BOL,Latin America and Caribbean,LCN,2011,eh0,Young worker,2061403,0,1,0,0.7207120657,1,0.3957895935,0.3352946341,0.06049495935,1088102,0.5278453827,0.4518667758,0.1072953716,0.4971657693,0.06427030265,0.9418776631,0.05812230706,0.9418776631,0.05812230706,0.4622538388,0.5192343593,0.018511815,0.9388111234,0.06075274572,0.09101252258,0.1292485744,0.06091787294,0,0.3319275975,0.23634471,0.4317276776,0.6753754616,0.6680724025,0.01273833774,0.1215123236,0.001506548724,0.1005874947,0.2412458658,0.06457375735,0.03103548847,0.01461371779,0.08025884628,0.008885124698,0.01739556342,0.04905162379,0.0392707698,0.1864656508,0.09056074917,0.1774809957,0.05079040304,0.3800991178,0,45,0.3638332486,0.2742717862,8.125,7.398962975,2.976229668,1462.5,1331.813354,535.7213745,1568.660156,1687.5,1325.892822,0.8587940335,,0.009223743342,0.1473996043,0.552839756,0.2905369103 +Bolivia,BOL,Latin America and Caribbean,LCN,2012,eh0,Female,5586423,0.3174954653,0.1916197538,0.06557917595,0.6826588511,0.6169253588,0.3877563775,0.3208705187,0.06688585877,2075627,0.6022583842,0.6022583842,0.158161521,0.5823898911,0.05572472885,0.9670099616,0.03299003094,0.9417721033,0.05822791904,0.3819471598,0.5791056156,0.03894722462,0.8296790719,0.1703209281,0.1859649867,0.384991318,0.1714269817,0,0.2817081809,0.1149851456,0.6033066511,0.7182918191,0.6515809298,0.1023394093,0.001864054124,0.002357930178,0.008423754014,0.2670197487,0.1100791693,0.0228352081,0.001907759928,0.201464802,0.01228457037,0.118724443,0.0518565625,0.04991351068,0.3221425116,0.2396579832,0.08082845807,0.002776571084,0.1218153909,0,45,0.3274733424,0.3157756031,10.71428585,9.32901001,3.924698591,1924.624756,1679.221802,705.000061,1574.4375,1687.5,2215.90918,,,0.08896827698,0.3628551364,0.3142830133,0.2338935733 +Bolivia,BOL,Latin America and Caribbean,LCN,2012,eh0,Higher education,6010244,0.2473385483,0.296361357,0.02864559181,0.7833237648,0.7240158916,0.3877563775,0.3208705187,0.06688585877,2896838,0.6657083631,0.5581238866,0.07364625484,0.6442670822,0.06843750179,0.9677917957,0.0322082229,0.9527802467,0.04721974209,0.543117702,0.3890504837,0.06783183664,0.7213693857,0.2786306441,0.2912666202,0.4395138621,0.279771328,0,0.1615355909,0.2091647089,0.6292997003,0.8832731247,0.697363019,0.121858418,0.004224750213,0.003394494066,0.07968705148,0.2750545144,0.05714908987,0.03762113675,0.002124556573,0.2573503852,0.02502923273,0.168184489,0.08865141124,0.06191886589,0.2045943439,0.1116930321,0.155360952,0.09009110928,0.09212616831,0.002350392053,45,0.258046627,0.3366516531,12.89826298,11.23061562,4.724700928,2316.999756,2021.510742,848.7290649,2850,2113.75,2467.499512,0.8522741199,,0,0,0.5312439203,0.4687560499 +Bolivia,BOL,Latin America and Caribbean,LCN,2012,eh0,Lower education,4864307,0.4308806956,0.06063947082,0.1056004465,0.5362414718,0.463518858,0.3877563775,0.3208705187,0.06688585877,1778386,0.7887468934,0.6745741963,0.2264916003,0.7798636556,0.08297348022,0.9887375236,0.01126245968,0.9759088755,0.02409110032,0.2455525249,0.6904297471,0.06401771307,0.9586943984,0.04117025062,0.05788509548,0.1410083473,0.04165247083,0,0.5026154518,0.1873372495,0.3100473285,0.5010297298,0.4099385142,0.09129492193,0.002953540999,0.001547035645,0.09154175222,0.2159255743,0.06450766325,0.001639521448,0.0001639521506,0.02781060897,0.002998822136,0.0004726002808,0.007773734163,0.004969980568,0.197686255,0.4173703194,0.1496487856,0.08107113838,0.1380083859,0,45,0.2180213183,0.4080049992,9.880952835,8.603421211,3.61944437,1777.653564,1548.615723,651.1637573,1927.567993,2171.181396,1484.550049,0.8522741199,,0.1281905621,0.7321547866,0.1396546215,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2012,eh0,Male,5288128,0.3420562148,0.1901814789,0.06041589752,0.6623873115,0.5975279212,0.3877563775,0.3208705187,0.06688585877,2599597,0.8227083087,,0.02851733752,0.8085125089,0.08843009919,0.9827449918,0.01725498214,0.9691855907,0.03081438504,0.464936763,0.4471631348,0.08790010214,0.7996191978,0.2002876252,0.2133592218,0.367246002,0.201017186,0,0.302895844,0.2644306421,0.4326735139,,0.6232113838,0.1156982332,0.005120242946,0.00291558099,0.1406965852,0.241032064,0.02276850678,0.02427646704,0.0009595377487,0.1436369419,0.01987890713,0.09160652012,0.06189189851,0.03215261176,0.107480444,0.2215530127,0.2099901885,0.1524865031,0.1003806144,0.002579302061,45,0.1759853959,0.4021352828,12.85468769,11.19267464,4.708738804,2312.751709,2014.681396,847.1729736,2475,2206.276123,2400.416748,,,0.02561697364,0.3073770404,0.392221272,0.274784714 +Bolivia,BOL,Latin America and Caribbean,LCN,2012,eh0,Old worker,4530037,0,0,0,0.702555418,1,0.3877563775,0.3208705187,0.06688585877,3739091,0.8253996372,0.7090377212,,0.8091158867,0.08283331245,0.980271697,0.01972832344,,,0.4131295383,0.5100131631,0.07685730606,0.7854773998,0.2144576609,0.2243536711,0.4443658292,0.2155727744,0,0.2765766382,0.1967024803,0.5267208815,0.7327467203,,0.1062545404,0.00423500035,0.002615114674,0.08359782398,0.2590934932,0.05502580851,0.02271221578,0.001425926923,0.1884634346,0.02006602101,0.1230937019,0.0573479794,0.03639058769,0.2047372609,0.2170816362,0.1516952515,0.09431671351,0.09364225715,0.001628582249,45,0.2106269449,0.3824384809,13.53125,11.78176212,4.956567287,2435.625,2120.717041,892.1820679,2515.813721,2296.875,2698.225342,0.8522741199,,0.08570966125,0.4529860616,0.2122020125,0.2491022497 +Bolivia,BOL,Latin America and Caribbean,LCN,2012,eh0,Rural,3558141,0.3811167181,0.1555553824,0.08463717252,0,0.5342460871,0.3877563775,0.3208705187,0.06688585877,1497111,0.7875705361,0.6677119732,0.1208102107,0.781280458,0.1022116244,0.9920132756,0.007986715995,0.9878422022,0.01215779781,0.2038684189,0.7423903346,0.05374122784,0.922552824,0.07741621137,0.08740441501,0.325401783,0.07741861045,0,0.7282741666,0.1006850824,0.1710407287,0.253185004,0.2114468217,0.0474685654,0.001180946361,0.0002231817343,0.05181239173,0.07976076752,0.0188999325,0.003764651483,0,0.06861537695,0.005089034326,0.04039917886,0.01625622623,0.005070854444,0.06371998787,0.6343645453,0.08767575771,0.0643421486,0.08308229595,0,45,0.2764107883,0.3520383239,13.77707577,11.99580479,5.046614647,2479.873535,2159.244873,908.390564,2048.591064,2344.738281,3301.897461,0.8522741199,,0.1116289496,0.4677571654,0.3015660644,0.1190478206 +Bolivia,BOL,Latin America and Caribbean,LCN,2012,eh0,Total,10874551,0.3294389844,0.190920338,0.06306835264,0.672801137,0.6074926704,0.6461104078,0.5422929369,0.1038174709,4675224,0.7077013872,0.6022583842,0.09536151588,0.6905461452,0.07404031605,0.9757592082,0.02424076386,0.9577357173,0.04226429388,0.4284228086,0.505215466,0.06636170298,0.8128874355,0.1871125794,0.201305151,0.3741743863,0.1879973412,0,0.2938599288,0.2006965876,0.5054434538,0.7182918191,0.6343197823,0.1100010946,0.003731575329,0.002677759388,0.08428616822,0.252115041,0.06000389904,0.02366181277,0.001363926218,0.1682988107,0.01653740555,0.1035383791,0.05747636035,0.03996738791,0.2019315511,0.2295191735,0.1531591564,0.08661428094,0.1098118946,0.00144441158,45,0.2426235378,0.3641464412,12.0283947,10.4732151,4.406063557,2163.461426,1885.178711,792.4871826,2310.440918,2142.931885,2315.678467,0.8522741199,,0.05892458931,0.336545229,0.3512444198,0.2532857656 +Bolivia,BOL,Latin America and Caribbean,LCN,2012,eh0,Urban,7316410,0.3043068945,0.2081191391,0.05257892981,1,0.6431141496,0.3877563775,0.3208705187,0.06688585877,3178113,0.6754344702,0.5767700672,0.08611104637,0.6538897753,0.06044191495,0.9681024551,0.03189754486,0.9403197765,0.05968020111,0.5368160605,0.3907302618,0.07245366275,0.759888649,0.2400489599,0.2562903762,0.3830458224,0.2413758039,0,0.06974395365,0.2522929311,0.6779631376,0.9566738009,0.9156601429,0.1422618628,0.005047454964,0.003944085445,0.1010395139,0.3410332501,0.08120959252,0.03392683715,0.002067581052,0.2197258621,0.02206389233,0.1340176463,0.07737460732,0.05681303516,0.2686505914,0.03408769146,0.1847700328,0.09736572951,0.1227151081,0.002141674282,45,0.226323396,0.3699878454,11.66666603,10.15825558,4.273560524,2095.125,1828.486084,767.4552002,2723.82959,2045.454468,2225.175049,0.8522741199,,0.0297862161,0.2640028,0.3787098229,0.327501148 +Bolivia,BOL,Latin America and Caribbean,LCN,2012,eh0,Young worker,2076173,0,1,0,0.733409524,1,0.3877563775,0.3208705187,0.06688585877,936133,0.4508935511,0.3652586043,0.09536151588,0.4318368435,0.0380930379,0.9577357173,0.04226429388,0.9577357173,0.04226429388,0.4909443557,0.485601753,0.02345388196,0.9247285128,0.07527147979,0.1070894822,0.129871875,0.07527147979,0,0.3656802177,0.2172940671,0.4170257151,0.6515809298,0.6343197823,0.1255698055,0.001639606198,0.002938078251,0.08714656532,0.2231161594,0.08069024235,0.02760784514,0.001106283744,0.08450517803,0.002112500137,0.02359664813,0.05800117925,0.054589279,0.1904618442,0.2803635597,0.1591435373,0.05512688309,0.1759130359,0.0006915259291,45,0.3734016716,0.2893823981,8.350694656,7.271013737,3.05890274,1503.125,1308.782471,550.602478,2011.117432,1725.526245,1350.78125,0.8522741199,,0.007026665844,0.1109330431,0.6206486821,0.2613916099 +Bolivia,BOL,Latin America and Caribbean,LCN,2014,eh0,Female,5354537,0.3124081492,0.1858338118,0.06808058172,0.681876719,0.6195112467,0.3775192499,0.3156098127,0.06190944463,2110653,0.6362762451,0.6362762451,0.1661608368,0.6151662469,0.0805953294,0.9668225646,0.03317740932,0.9221740365,0.07782598585,0.3420341015,0.6136069894,0.04435891658,0.8462830186,0.1537169665,0.2171772718,0.3845597804,0.1546774656,0,0.2950360775,0.1000854373,0.6048784852,0.7049639225,0.6515363455,0.003056167392,0.08502124995,0.001666554715,0.01034146268,0.3261241913,0.01852522604,0.0448538512,0.02893139049,0.1864438504,0.01598557644,0.1034798026,0.04946891963,0.03751306981,0.3071375787,0.2796853483,0.08693934232,0.002636649646,0.1170669496,0.00008676091966,45,0.3601355553,0.3035028875,12.96875,10.09748745,4.750520706,2334.375,1817.547729,855.093689,1680.707153,2083.333252,2390.625,,,0.09937076271,0.3825216591,0.3054601252,0.212647438 +Bolivia,BOL,Latin America and Caribbean,LCN,2014,eh0,Higher education,6098826,0.2951971292,0.2749033868,0.0234899316,0.7928645611,0.6813129187,0.3775192499,0.3156098127,0.06190944463,2866143,0.6897710562,0.5835828185,0.0761224553,0.6661676764,0.08279968798,0.9657808542,0.03421915695,0.9396173954,0.06038257852,0.4992225766,0.4244252145,0.07635222375,0.7551311851,0.2444710433,0.293918252,0.4045279622,0.2452900559,0,0.147856757,0.2349969149,0.6171463132,0.8716695309,0.7179047465,0.01938150264,0.1197424605,0.004729381297,0.09114357829,0.2416288108,0.09157792479,0.07064766437,0.04872585461,0.1645660698,0.02626327798,0.1357852668,0.09701622277,0.04789651558,0.2049496919,0.1324347854,0.1750139594,0.09209854156,0.08661787212,0.001923853881,45,0.2750931382,0.3257856071,15.29356098,11.90758801,5.602110863,2752.84082,2143.365967,1008.379883,2483.819824,2664.615479,2843.75,0.8597302437,,0,0,0.5420491099,0.4579508901 +Bolivia,BOL,Latin America and Caribbean,LCN,2014,eh0,Lower education,4474741,0.3608517349,0.06155596673,0.127035737,0.5219687819,0.5121125579,0.3775192499,0.3156098127,0.06190944463,1886969,0.823439002,0.7182502747,0.2363358438,0.8161213398,0.1188637614,0.9911132455,0.00888673868,0.9750390649,0.02496092208,0.2254160047,0.6930232048,0.08156079799,0.9493786693,0.05062132329,0.06861698627,0.1935479939,0.05078012869,0,0.4894647598,0.1843658388,0.3261694014,0.5019702315,0.5215870142,0.02309913374,0.06667147577,0.001428189455,0.09316704422,0.1886135191,0.04749117792,0.01082076784,0.01213666983,0.06710726023,0.005234199576,0.01477595977,0.01029515546,0.003433857346,0.1650395691,0.4687268734,0.1523419917,0.07473425567,0.1054181382,0,45,0.2614239454,0.4121569991,11.88546944,9.254043579,4.353709221,2139.384521,1665.727783,783.6676636,2005.462891,2523.001709,1875.000122,0.8597302437,,0.1355790347,0.7399787903,0.1244421378,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2014,eh0,Male,5219030,0.3338308036,0.1833637655,0.06652060151,0.6744709015,0.5996485949,0.3775192499,0.3156098127,0.06190944463,2642459,0.8443483114,,0.02861603349,0.8300269246,0.1104961112,0.9830385447,0.01696147397,0.9651560783,0.03484392911,0.4255749285,0.4691899121,0.1052351743,0.8233757615,0.1762003899,0.1989673078,0.3371202052,0.1764037311,0,0.2782192826,0.3045066595,0.4172740579,,0.6956765652,0.03488082811,0.1088019609,0.004758139141,0.1560657322,0.1370909214,0.1172133088,0.04783086851,0.03792843968,0.07721051574,0.01919442415,0.07403080165,0.07192067057,0.02403836325,0.09595441073,0.2589150965,0.227864936,0.1498606503,0.07623910159,0.001981541282,45,0.1984337717,0.4054869115,15.15151501,11.79699135,5.550078869,2727.272705,2123.458496,999.0141602,2165,2670.75,2925,,,0.03147570044,0.3439174891,0.3702649176,0.2543418705 +Bolivia,BOL,Latin America and Caribbean,LCN,2014,eh0,Old worker,4494745,0,0,0,0.6991482377,1,0.3775192499,0.3156098127,0.06190944463,3741262,0.8323635459,0.7222194076,,0.8188024163,0.1037625149,0.9837076664,0.01629236341,,,0.3697079122,0.5373680592,0.09292401373,0.8060711026,0.1936789006,0.22293365,0.4350327253,0.194350794,0,0.2759510875,0.2061292678,0.5179196596,0.7179864645,,0.02157313377,0.09437162429,0.003610152518,0.08657436073,0.2143224925,0.07935377955,0.05060654134,0.03883088008,0.1348059326,0.02162977308,0.1050553247,0.06425990164,0.02887158468,0.1859678328,0.2626858652,0.1613507867,0.09355761856,0.07517439127,0.001446894836,45,0.2360907346,0.3866116405,16.06127357,12.50533009,5.883327961,2891.029297,2250.959473,1058.999023,2110.875,2798.806885,3062.5,0.8597302437,,0.09072897583,0.4605712891,0.2002696097,0.2484301031 +Bolivia,BOL,Latin America and Caribbean,LCN,2014,eh0,Rural,3402349,0.3591218889,0.1460035443,0.09742798656,0,0.5434501171,0.3775192499,0.3156098127,0.06190944463,1591970,0.8609864712,0.7707254887,0.09227083623,0.8577328324,0.1553714722,0.9962210059,0.003778965678,0.9921576381,0.007842356339,0.1479374617,0.7678930163,0.08416952938,0.9599975944,0.04000242054,0.06439519674,0.2178763598,0.04000242054,0,0.7499435544,0.1077193916,0.1423370391,0.2141091228,0.2546521425,0.02769374102,0.02980792709,0.0006374712102,0.04958025366,0.07251219451,0.01659695059,0.001954659354,0.01110814046,0.04016510025,0.004200626165,0.0191317033,0.01704210788,0.002678513993,0.0644999817,0.7120836973,0.07255002111,0.04030003399,0.06684745848,0.0006658452912,45,0.33503443,0.3457750082,14.32017136,11.14970589,5.245553017,2577.630859,2006.947021,944.199585,2054.628906,2801.178955,3072.886719,0.8597302437,,0.1178359389,0.5046209097,0.273617655,0.1039254963 +Bolivia,BOL,Latin America and Caribbean,LCN,2014,eh0,Total,10573567,0.322982192,0.1846146137,0.06731058657,0.6782212853,0.6097071916,0.6401314992,0.5297332826,0.1103982166,4753112,0.7372846782,0.6362762451,0.09872978926,0.7194701901,0.09734112024,0.9758377075,0.02416227572,0.9467391372,0.0532608591,0.3888207376,0.5327268839,0.07845237851,0.8336518169,0.1663481831,0.2063277811,0.3555949926,0.1668428928,0,0.2856172323,0.2145788968,0.4998038709,0.7049639225,0.6772541404,0.02088071406,0.09834048897,0.00339810783,0.09195958078,0.2202493101,0.07379903644,0.04652123526,0.03397051245,0.1252637953,0.01778283529,0.08698557317,0.06204402074,0.02996596135,0.188855052,0.2680520415,0.1658709943,0.08509600163,0.09419949353,0.001148017007,45,0.2695810497,0.3606148958,14.32017136,11.14970589,5.245553017,2577.630859,2006.947021,944.199585,2072.8125,2598,2625.000244,0.8597302437,,0.06668008864,0.3639342189,0.3366628885,0.2327228189 +Bolivia,BOL,Latin America and Caribbean,LCN,2014,eh0,Urban,7171218,0.3058359027,0.2029334456,0.05302153528,1,0.6411425471,0.3775192499,0.3156098127,0.06190944463,3161142,0.6875376701,0.5846572518,0.1009345278,0.6638674736,0.0671890676,0.9655725956,0.03442743048,0.9198195934,0.08018038422,0.5139815211,0.4105366766,0.07548180223,0.7677029967,0.2319363207,0.2703654766,0.3763262928,0.2327718437,0,0.04430325329,0.2701146007,0.6855821609,0.96529603,0.9474285245,0.01733992994,0.1339574009,0.004832831677,0.1139844432,0.2970294058,0.1035273969,0.06968282908,0.04585226253,0.169490248,0.02484165691,0.1222499758,0.08543200791,0.04414754361,0.2534837425,0.03728394955,0.2143709213,0.1083769575,0.1084146425,0.001398606924,45,0.2355393171,0.3683330119,14.30208302,11.13562202,5.238927364,2574.375,2004.411865,943.006958,2111.899902,2539.0625,2610,0.8597302437,,0.03680541366,0.2817741334,0.3734808564,0.307939589 +Bolivia,BOL,Latin America and Caribbean,LCN,2014,eh0,Young worker,1952035,0,1,0,0.7455193996,1,0.3775192499,0.3156098127,0.06190944463,1011850,0.5183565021,0.4357120395,0.09872978926,0.4907483757,0.07267124206,0.9467391372,0.0532608591,0.9467391372,0.0532608591,0.4622488618,0.5148962736,0.0228548646,0.9386538863,0.06115717068,0.1328505129,0.1097835153,0.06116872653,0,0.3227458894,0.2470348328,0.4302192926,0.6515363455,0.6772541404,0.01822104864,0.1135853529,0.002583620604,0.112644814,0.2430148274,0.0524626337,0.03082911856,0.01530129742,0.08861140162,0.003006394953,0.0175780151,0.05353261903,0.03416955471,0.1999450922,0.2886640131,0.1832334995,0.05259416252,0.1672766507,0,45,0.3982909322,0.2607043386,10.82499981,8.428359985,3.965253592,1948.5,1517.104736,713.7456665,2072.8125,2240.943115,1702.96875,0.8597302437,,0.008642124012,0.1307167858,0.6658251882,0.1948159039 +Bolivia,BOL,Latin America and Caribbean,LCN,2015,eh0,Female,5488247,0.2963827848,0.1885115653,0.07170850784,0.6927288175,0.6319087148,0.3703565001,0.3090943098,0.06126217917,1967705,0.5673773885,0.5673773885,0.2039178461,0.5417198539,0.05801227689,0.9547787905,0.04522120953,0.9063744545,0.0936255604,0.3588756919,0.616441071,0.0246832557,0.8336215615,0.1658003926,0.5543717146,0.371958673,0.1669763625,0,0.2572511733,0.1144277006,0.6283211112,0.7427487969,0.6843540668,0.003490418196,0.100355655,0.002099263016,0.0084823668,0.3515484631,0.01804129221,0.05099710822,0.03066193126,0.1770723313,0.01905891858,0.1092657745,0.03745261952,0.04679285735,0.3358135223,0.2508900166,0.09320779145,0.003724260721,0.1036092862,0.0001849604305,46,0.3476386666,0.2967703342,12.97448349,9.707723618,4.752620697,2335.407227,1747.390381,855.4718018,1749.040649,1984.011475,2422.587158,,,0.09255095571,0.3297328949,0.3058750331,0.2718411088 +Bolivia,BOL,Latin America and Caribbean,LCN,2015,eh0,Higher education,6318066,0.2492653579,0.2892757058,0.02957202494,0.7845411897,0.7211626172,0.3703565001,0.3090943098,0.06126217917,2987885,0.655762434,0.5299124718,0.1030687839,0.6267251372,0.06748749316,0.9557198286,0.04428015277,0.9187143445,0.0812856555,0.5090869665,0.4451847076,0.0457283482,0.7315096259,0.2679279745,0.5298417211,0.4094898999,0.2689165175,0,0.1346235573,0.2498042881,0.6155721545,0.8779990077,0.7351179123,0.02151736803,0.1250986457,0.005589883775,0.09759838879,0.2385364473,0.09290575981,0.0716592893,0.05205504596,0.1604156196,0.03083085828,0.1467330903,0.0699711442,0.04966887832,0.1983959228,0.1258919984,0.2038957924,0.1009146124,0.07082639635,0.002871307312,46,0.2437418997,0.3245264292,14.88552952,11.13759995,5.452646732,2679.395508,2004.767944,981.4765015,2266.860352,2550.155029,2834.302246,0.8800000548,,0,0,0.4843369126,0.5156630874 +Bolivia,BOL,Latin America and Caribbean,LCN,2015,eh0,Lower education,4578224,0.3895593584,0.04828684777,0.1217609718,0.548756659,0.4886796772,0.3703565001,0.3090943098,0.06126217917,1715206,0.7666462064,0.6316638589,0.3213852644,0.7487928271,0.1057547405,0.9767124057,0.02328758128,0.9366981387,0.06330187619,0.2368547469,0.7227014303,0.04044380039,0.9477419257,0.05177694559,0.2354377508,0.1538380086,0.05220617726,0,0.4478126466,0.2144854814,0.3377018571,0.5557090044,0.5486136079,0.0240773689,0.08189184219,0.001208138419,0.1073081344,0.2033500671,0.05511631444,0.01424564235,0.01030829363,0.05468155071,0.005462523084,0.0002006129507,0.01391692553,0.004418261349,0.1875707209,0.4355939925,0.1788106114,0.082095474,0.09193088114,0,46,0.2421117425,0.4173451364,12.03578663,9.005375862,4.408771038,2166.44165,1620.967651,793.5788574,2084.598145,2471.669922,1782.348877,0.8800000548,,0.1353323311,0.7208268046,0.1438408643,0 +Bolivia,BOL,Latin America and Caribbean,LCN,2015,eh0,Male,5408043,0.3202162087,0.1875230968,0.06485395879,0.6781098247,0.6149298549,0.3703565001,0.3090943098,0.06126217917,2735386,0.8225322366,,0.04777479917,0.7974944115,0.09837183356,0.9695600271,0.03043994494,0.9314523339,0.06854768842,0.4435336888,0.4991680384,0.05729829147,0.7957623601,0.203737691,0.4284563363,0.3447095454,0.2042319328,0,0.2457849532,0.3233258426,0.4308891892,,0.7192317843,0.0358990021,0.1153037101,0.005291356705,0.1668317765,0.1362792403,0.1220220998,0.04999418557,0.04081132635,0.081782341,0.02312969603,0.08063121885,0.05756229162,0.02309950069,0.09424558282,0.2331626564,0.2664172649,0.1578394175,0.06095399335,0.002958396683,46,0.1690716147,0.4028709233,14.5348835,10.87524128,5.324203491,2616.279053,1957.543457,958.3566284,2267.441895,2587.694092,2768.895508,,,0.02325713076,0.2971674502,0.3680709898,0.3115044236 +Bolivia,BOL,Latin America and Caribbean,LCN,2015,eh0,Old worker,4744907,0,0,0,0.7041461468,1,0.3703565001,0.3090943098,0.06126217917,3791404,0.7990470529,0.6599920988,,0.7778276801,0.08998515457,0.9734441638,0.02655586228,,,0.3905208111,0.5571002364,0.05237894133,0.7847205997,0.2146258652,0.5451892614,0.4215810895,0.2155557573,0,0.2405797541,0.2309101522,0.5285100937,0.7550658584,,0.02236492001,0.108767949,0.004247417208,0.09552986175,0.2199176997,0.08319637924,0.05493324623,0.04031506553,0.1301477104,0.02469187416,0.1098275855,0.05116771162,0.03117260896,0.1926250905,0.2331828326,0.1885679811,0.09956036508,0.06716889143,0.0020350595,46,0.2183192372,0.3777419925,15.25722313,11.41570759,5.588799953,2746.300293,2054.827393,1005.98407,2327.80127,2647.872803,2936.046875,0.8800000548,,0.08308408409,0.4253623188,0.2179072201,0.2736463845 +Bolivia,BOL,Latin America and Caribbean,LCN,2015,eh0,Rural,3427176,0.3390844166,0.1573021114,0.09400538355,0,0.5669102073,0.3703565001,0.3090943098,0.06126217917,1520626,0.7826575041,0.6527794003,0.1445218176,0.7641979456,0.1454159915,0.9764143229,0.02358568087,0.946413219,0.05358678102,0.1960241348,0.7669072747,0.03706859052,0.9277870059,0.07221297175,0.3733491302,0.2654157877,0.07264064997,0,0.6816393137,0.1426738948,0.1756867766,0.2817235291,0.305989027,0.03852841258,0.04228029028,0.003224470653,0.05864071846,0.08150202036,0.0279593505,0.005060955416,0.01579929888,0.04536515102,0.008399736136,0.0227010604,0.0159979891,0.005772164091,0.07850089669,0.6618703604,0.09355247021,0.06262761354,0.05044897273,0.0001287496707,46,0.3151867688,0.3447612226,14.30178356,10.70083237,5.238817692,2574.321045,1926.14978,942.9871826,2084.598145,2647.872803,2574.321045,0.8800000548,,0.1066920683,0.446741879,0.2907224894,0.1558435708 +Bolivia,BOL,Latin America and Caribbean,LCN,2015,eh0,Total,10896290,0.3082117736,0.1880209744,0.06830646098,0.6854731441,0.6234817505,0.6038961595,0.4943396874,0.1095564721,4703091,0.692278721,0.5673773885,0.1266261935,0.6669245714,0.08163666725,0.9633758068,0.03662421182,0.9215048552,0.07849514484,0.4084300995,0.5477955341,0.04377440363,0.811892976,0.1881070538,0.4708398581,0.3546293974,0.1887845546,0,0.2505379915,0.2367324382,0.5127295852,0.7427487969,0.7056283951,0.02246484905,0.1091073751,0.003968155943,0.1011920571,0.2255136073,0.07891950756,0.05040992424,0.03660415486,0.1212823838,0.02144212089,0.09250190854,0.0492256619,0.03292177618,0.1943895519,0.2405116856,0.1946118474,0.09394971281,0.07863709331,0.001808645902,46,0.2431388795,0.358861804,14.13113689,10.57315159,5.176308632,2543.604736,1903.167236,931.7356567,2175.069824,2517.441895,2616.279053,0.8800000548,,0.05894045532,0.3139372468,0.3360427618,0.291079551 +Bolivia,BOL,Latin America and Caribbean,LCN,2015,eh0,Urban,7469114,0.2940459847,0.2021162063,0.05651460215,1,0.6494393945,0.3703565001,0.3090943098,0.06126217917,3182465,0.6560786366,0.5344715118,0.1202355027,0.6279629469,0.05054852366,0.9571458101,0.04285420105,0.9063886404,0.09361136705,0.5119637251,0.4409932494,0.04704304039,0.7547594905,0.2444486916,0.4889164567,0.3712950647,0.2454417646,0,0.04038015008,0.2825850844,0.6770347357,0.9670516253,0.9592989683,0.01463401504,0.1416849494,0.004330695141,0.1219354346,0.295717895,0.1037621051,0.07251711935,0.04674632475,0.1582913101,0.02780256048,0.126542002,0.06542995572,0.04616194963,0.250905484,0.03502580151,0.243895933,0.1092246994,0.09238372743,0.002627888462,46,0.2079746276,0.3657438457,14.09767532,10.54811478,5.164051533,2537.581543,1898.660645,929.5292969,2267.441895,2471.669922,2616.279053,0.8800000548,,0.03311278671,0.2421064973,0.3605553806,0.364225328 +Bolivia,BOL,Latin America and Caribbean,LCN,2015,eh0,Young worker,2048731,0,1,0,0.7368605137,1,0.3703565001,0.3090943098,0.06126217917,911687,0.4450008273,0.3495386541,0.1266261935,0.4100704193,0.04496122152,0.9215048552,0.07849514484,0.9215048552,0.07849514484,0.4871066511,0.5069192052,0.005974118132,0.9289318919,0.07106807828,0.2087310255,0.1190650761,0.0712537691,0,0.2943716049,0.2623606622,0.4432677329,0.6843540668,0.7056283951,0.02290470898,0.1106014252,0.002738918178,0.1261155903,0.2501453757,0.0600938201,0.03049941733,0.02026966587,0.08225947618,0.00713439798,0.01622192003,0.04067537934,0.04062285274,0.2021579891,0.272778511,0.2212212533,0.06924759597,0.1291283071,0.0008118123515,46,0.3520859182,0.2759861648,10.74108601,8.036659241,3.934515715,1933.395508,1446.598633,708.2128296,1737.165161,2242.524902,1744.186035,0.8800000548,,0.007126859389,0.07481273264,0.5895683169,0.3284920752 +Brazil,BRA,Latin America and Caribbean,LCN,1987,pnad,Female,70460241,0.3492194116,0.1958793402,0.0493908897,0.742908299,0.6013897061,0.4080295265,0.3646219075,0.04340760782,19931332,0.4703662992,0.4703662992,0.3153708875,0.4427007139,0.04155630991,0.9411829114,0.05881709233,0.8972914815,0.1027085409,0.689483285,0.2959916592,0.01452505868,0.5140020251,0.4859366119,,,0.4882379472,,0.1429426372,0.1349261701,0.7221311927,0.857057333,0.8586472273,0.001154846279,0.1248886362,0.004207727499,0.004674961325,0.1588466316,0.01120045781,0.04361275211,0.03901733086,0.4694540203,0.03866430745,0.08952512592,0.04630631953,0.1136648431,0.4042189121,0.1234669611,0.08932943642,0.04299534112,0.02602128126,0.0004006652744,44,0.3183259368,0.1758134067,20.83333397,7936524800,12.98302555,3750.000244,1428574568448,2336.94458,2127.659668,4500,3750.000244,,,0.1881380677,0.5754818916,0.1400799751,0.09630009532 +Brazil,BRA,Latin America and Caribbean,LCN,1987,pnad,Higher education,34747055,0.474141717,0.1962106675,0.009585445747,0.8257126212,0.5162728429,0.4080295265,0.3646219075,0.04340760782,13528522,0.7541418672,0.6404657364,0.07313798368,0.7140822411,0.07702491432,0.9468805194,0.05311947688,0.8989670873,0.1010329351,0.8107110858,0.1265076101,0.06278131902,0.180713281,0.8192330599,,,0.8209721446,,0.02958480828,0.2122865915,0.7581285834,0.9905817509,0.9672289491,0.005096270237,0.1673527062,0.01479365584,0.02504396252,0.1977838725,0.04442996904,0.135978654,0.1060733199,0.2738627791,0.1533405483,0.1841068417,0.1069551036,0.2281176746,0.1617701948,0.01492646337,0.02956533246,0.04222866148,0.01425837446,0.02282284573,44,0.2381029129,0.1319165528,60,22857191424,37.39111328,10800,4114294243328,6730.399902,9375,12500,10312.5,0.7747950554,,0,0,0.4188299775,0.5811700225 +Brazil,BRA,Latin America and Caribbean,LCN,1987,pnad,Lower education,103749815,0.3200895488,0.1956814229,0.05853587389,0.7006536126,0.6213746071,0.4080295265,0.3646219075,0.04340760782,42302757,0.6561873555,0.4212857783,0.2161377668,0.628446579,0.03702833503,0.9577242732,0.04227573052,0.9243263602,0.07567363977,0.6343016028,0.3390196264,0.02667877637,0.5701043606,0.4298509061,,,0.4309054017,,0.2900910974,0.2616160214,0.4482928813,0.7991566062,0.6792557836,0.007537208032,0.1632263511,0.006803494412,0.08404895663,0.1721880883,0.04406708479,0.01340189762,0.03181238472,0.1868234128,0.04059257731,0.006567446515,0.05753922835,0.02921244502,0.2799326181,0.2488719225,0.06699106097,0.1051120162,0.1344032735,0.005780342966,44,0.1398656964,0.3000147045,19.16810417,7302150144,11.94527912,3450.258789,1314387132416,2150.150146,2500,4687.5,3375,0.7747950554,,0.2181676179,0.6943030357,0.08752933145,0 +Brazil,BRA,Latin America and Caribbean,LCN,1987,pnad,Male,68036629,0.3685981631,0.1957467645,0.04300709814,0.7207627892,0.5883947611,0.4080295265,0.3646219075,0.04340760782,35899947,0.8967723846,,0.04009551182,0.8634317517,0.04939369485,0.9628215432,0.03717846796,0.930550456,0.06944954395,0.6697311997,0.2836144567,0.04665438086,0.456243366,0.5437176228,,,0.5443477035,,0.2732849121,0.3122266531,0.4144884348,,0.6857358217,0.01010329369,0.1856293082,0.01118858159,0.1053054631,0.1889711767,0.06209208816,0.04255317897,0.0555139184,0.06535805017,0.08342276514,0.02734073065,0.08194862306,0.05709258467,0.1686913073,0.2302313447,0.04099812359,0.1155189946,0.1486979872,0.01501577813,44,0.0793902725,0.3051569164,27.27272797,10389633024,16.99596024,4909.091309,1870133985280,3059.272949,2587.694092,5666.666992,6093.750488,,,0.1799221486,0.5973296165,0.1382144094,0.08453380316 +Brazil,BRA,Latin America and Caribbean,LCN,1987,pnad,Rural,37113103,0.4126216471,0.1917794943,0.04563186318,0,0.5417464972,0.4080295265,0.3646219075,0.04340760782,13827869,0.687752068,0.4150548577,0.2267476916,0.6770421267,0.05452929065,0.9844276905,0.01557231974,0.9726755023,0.02732452005,0.4695037305,0.5087267756,0.02176949009,0.8193978071,0.1806021929,,,0.1824351996,,0.6995996833,0.1238621026,0.1765382141,0.4259453118,0.2914833724,0.008924365975,0.06902920455,0.003206632333,0.04270190001,0.0526281707,0.0142049985,0.004144318402,0.01275965665,0.0928010717,0.03278815746,0.02025257982,0.01633104868,0.01097429544,0.1046473533,0.6141759157,0.03502704948,0.05422163382,0.09897471964,0.001910371357,44,0.1714364737,0.3367060423,15.09488201,5750443520,9.406907082,2717.078857,1035079843840,1693.243286,2484.186279,3989.362061,3105.233154,0.7747950554,,0.339466095,0.5972676277,0.04371791333,0.01954832301 +Brazil,BRA,Latin America and Caribbean,LCN,1987,pnad,Total,138496870,0.3587392271,0.1958142072,0.04625485092,0.7320293188,0.5950059146,0.6806555499,0.6029170774,0.07773847249,55831279,0.6775109763,0.4703662992,0.1801883578,0.6470885124,0.04663656652,0.9550967216,0.04490328953,0.918032825,0.08196716756,0.67667979,0.2879686356,0.03535155579,0.4765847084,0.5234152916,,,0.5246090889,,0.2273436338,0.2497341633,0.5229222178,0.857057333,0.7494721413,0.006949265487,0.1642202586,0.008728063665,0.06983657926,0.1783532798,0.04415449128,0.04292664304,0.04969942197,0.2077883631,0.06767723709,0.04921650514,0.06941006333,0.07699406892,0.251547277,0.1926728338,0.05800053477,0.09000598639,0.1055416986,0.009874344803,44,0.1634549946,0.259649992,25,9523829760,15.5796299,4500,1714289377280,2804.333252,2538,5544.642578,4902.999512,0.7747950554,,0.1841572821,0.5860675573,0.1391760707,0.09059908241 +Brazil,BRA,Latin America and Caribbean,LCN,1987,pnad,Urban,101383767,0.339014709,0.1972911805,0.04648290575,1,0.6145023704,0.4080295265,0.3646219075,0.04340760782,42003410,0.6742058992,0.4868288636,0.1636207253,0.6374217272,0.04393107072,0.9454407096,0.05455928296,0.8975779414,0.1024220586,0.7476963997,0.2122963518,0.04000726715,0.3590439558,0.6408931017,,,0.6419081092,,0.06485258043,0.2930434644,0.6421039701,0.9718212485,0.9360651374,0.006269684993,0.1969730258,0.0106278453,0.07917291671,0.2216120362,0.05445933342,0.05627063662,0.06240943819,0.2473525107,0.0796367228,0.05914492533,0.08760479093,0.09962470829,0.301902473,0.04818759859,0.06587551534,0.1022723541,0.1077927649,0.01260428224,44,0.1607177705,0.2332238257,28.40909004,10822533120,17.70412445,5113.63623,1948056027136,3186.742432,2700,5625,5142.857422,0.7747950554,,0.1292391419,0.5821071863,0.172930643,0.1157230586 +Brazil,BRA,Latin America and Caribbean,LCN,1988,pnad,Female,71988751,0.3436801136,0.1926947385,0.05186853558,0.7477564812,0.6044513583,0.4051315486,0.3601843417,0.0449472107,20721916,0.4762159288,0.4762159288,0.3116412461,0.4442465901,0.04218989983,0.9328680038,0.06713201851,0.8811992407,0.118800737,0.6876621842,0.2981080115,0.01422982104,0.4947303832,0.5052573681,,,0.5076956153,,0.134507969,0.1308273673,0.7346646786,0.8654920459,0.8655226231,0.001305134501,0.1202687547,0.004250163678,0.005003309343,0.1630805731,0.01223453414,0.04771813005,0.03903173283,0.4725996852,0.04116376489,0.09462805092,0.04910667986,0.1171089932,0.3992619216,0.1167040989,0.08597305417,0.04122542962,0.02426887117,0.0002357376361,44,0.3216637969,0.1645486057,156.25,8163864064,97.37268829,28125,1469495508992,17527.08398,12938.4707,33750,28125,,,0.178711012,0.5740324855,0.1430836469,0.1041728407 +Brazil,BRA,Latin America and Caribbean,LCN,1988,pnad,Higher education,35972258,0.4530237913,0.1979810894,0.01027374994,0.8280212879,0.5367024541,0.4051315486,0.3601843417,0.0449472107,14655949,0.7591239214,0.6517210007,0.07241611183,0.7163695097,0.07680262625,0.9436793327,0.05632067844,0.8917853832,0.1082146242,0.8014801741,0.1373472214,0.06117262691,0.1837064475,0.8162935376,,,0.818195343,,0.02982282639,0.2128596604,0.7573174834,0.9931454062,0.9629214406,0.006528995931,0.1640220582,0.01581602544,0.02649257891,0.2027556896,0.04303868487,0.1335040033,0.1037185639,0.2743005753,0.1513307989,0.1873722523,0.1077287346,0.21881859,0.1621704549,0.01735394448,0.02877238952,0.04194601253,0.01604763046,0.02252056263,44,0.2365321219,0.1347952932,416.6666565,21770303488,259.6604919,75000,3918654603264,46738.89063,56250,96428.57813,70661.30469,0.7990464568,,0,0,0.4100031853,0.5899968147 +Brazil,BRA,Latin America and Caribbean,LCN,1988,pnad,Lower education,105401074,0.3203576505,0.1918969005,0.06065259874,0.7049885988,0.6189897656,0.4051315486,0.3601843417,0.0449472107,42725328,0.6548727155,0.4218845665,0.2166181505,0.6233889461,0.03535823897,0.9519237876,0.04807621241,0.9134203196,0.08657971025,0.6346651912,0.3404501975,0.02488459274,0.5580993891,0.4418491721,,,0.4428679049,,0.2892939746,0.2554673254,0.4552386999,0.804941535,0.6850887537,0.008919061162,0.1586578637,0.007517609745,0.08037279546,0.1722539514,0.04546091333,0.01392733399,0.03350815549,0.1900883466,0.03929006308,0.006682371721,0.05948568881,0.02949185111,0.2817249894,0.2492929399,0.06581620872,0.106548883,0.1280841976,0.005522737745,44,0.1410885602,0.2963297069,138.8888855,7256767488,86.55349731,25000,1306218201088,15579.62988,16173.08887,35286.73828,24375.00195,0.7990464568,,0.2127787918,0.6978914142,0.08932980895,0 +Brazil,BRA,Latin America and Caribbean,LCN,1988,pnad,Male,69384581,0.3649402559,0.1942234486,0.04364756495,0.724401474,0.5914121866,0.4051315486,0.3601843417,0.0449472107,36659361,0.8933706284,,0.04259699956,0.8570989966,0.04790085182,0.9593991637,0.04060084373,0.9239498973,0.07605012506,0.6711348295,0.2838545144,0.04501065612,0.4457034171,0.554243803,,,0.5548359156,,0.2722675502,0.3073650301,0.4203674197,,0.6926545501,0.01217326522,0.1819346547,0.01259198692,0.1006651372,0.189341858,0.06282056123,0.04246786609,0.05815777555,0.06757936627,0.08231958747,0.02939964086,0.08416165411,0.05578608438,0.1701084971,0.2309596837,0.04017003626,0.1170482114,0.1410869658,0.01511295326,44,0.07930149138,0.3052935004,198.8636322,10390372352,123.9288712,35795.45313,1870267023360,22307.19727,17004.84766,45000,43269.23047,,,0.1769363284,0.593221128,0.1407829076,0.0890596211 +Brazil,BRA,Latin America and Caribbean,LCN,1988,pnad,Rural,37280981,0.4095215499,0.1879671365,0.04666819423,0,0.5438102484,0.4051315486,0.3601843417,0.0449472107,13861645,0.6837227941,0.4137950242,0.2348253727,0.6716693044,0.04547855258,0.9823708534,0.01762914844,0.9714407921,0.02855923586,0.4702210724,0.5110042095,0.01877475344,0.8024553061,0.1974950731,,,0.1993050426,,0.7046738863,0.1111512259,0.1841748804,0.4279332459,0.292912662,0.01147431787,0.06517138332,0.002937628422,0.03156789765,0.0545199886,0.01445234846,0.004319712985,0.01316468511,0.09771814942,0.03141912818,0.02014502883,0.0188718047,0.01130061038,0.107220225,0.6183773875,0.03470114991,0.05592507869,0.08620456606,0.001897829236,44,0.1603665799,0.3402000666,113.571022,5933941248,70.77577972,20442.7832,1068109398016,12739.63965,16173.08887,34157.5625,23658.91797,0.7990464568,,0.3300601542,0.595358789,0.0509079285,0.0236731153 +Brazil,BRA,Latin America and Caribbean,LCN,1988,pnad,Total,141373332,0.3541143835,0.1934450269,0.04783376679,0.7362940907,0.598051846,0.6720958273,0.5921131852,0.07998264215,57381277,0.6786781696,0.4762159288,0.179065749,0.644620752,0.04587527737,0.9498180151,0.05018196255,0.9078013301,0.09219866246,0.6769968271,0.2889100015,0.03409318626,0.4631101932,0.536889777,,,0.5381156802,,0.2233151346,0.2446329594,0.5320519209,0.8654920459,0.7561488152,0.008311310783,0.1600218862,0.009627747349,0.06667202711,0.1800099909,0.04484498501,0.04433353245,0.05136140063,0.2115020007,0.06772216409,0.05253528431,0.07172812521,0.07753650099,0.2513861358,0.1904347539,0.0564157553,0.09015488625,0.09965315461,0.00983620435,44,0.165300414,0.2553521395,182.2916718,9524507648,113.6014709,32812.5,1714411274240,20448.26367,16363.63574,41017.5,35550,0.7990464568,,0.1778509468,0.583331883,0.1419686377,0.09684852511 +Brazil,BRA,Latin America and Caribbean,LCN,1988,pnad,Urban,104092351,0.3342701495,0.1954069436,0.04825121909,1,0.6174786091,0.4051315486,0.3601843417,0.0449472107,43519632,0.6770869493,0.494520545,0.1598556191,0.6360890269,0.04600741714,0.9394494891,0.06055051088,0.8852344751,0.1147655174,0.7458674312,0.2149372697,0.03919528425,0.3500618339,0.6499034762,,,0.6509606242,,0.06257799268,0.2892057002,0.6482163072,0.9781906009,0.9368923903,0.00725510763,0.1916947216,0.01186173782,0.07839412987,0.2219140977,0.05499380827,0.0576950945,0.06411618739,0.2494971305,0.07981292158,0.06332287937,0.08933195472,0.09959641099,0.299400717,0.04790816084,0.06364782155,0.1015551463,0.1041322127,0.01248008572,44,0.1669452339,0.2270656973,208.3333282,10885151744,129.830246,37500,1959327301632,23369.44531,17775,42403.84766,37125,0.7990464568,,0.1251044273,0.5791640878,0.1735247821,0.1222067028 +Brazil,BRA,Latin America and Caribbean,LCN,1989,pnad,Female,73473253,0.34115839,0.1888784766,0.05218669027,0.7559039593,0.606654942,0.4019111395,0.3560015559,0.04590956122,21267571,0.4771411717,0.4771411717,0.3090703785,0.4511883557,0.04567550495,0.9456077218,0.05439229682,0.901560843,0.09843917191,0.6930450201,0.2868251503,0.0201298371,0.4914004505,0.5085780025,,,0.5112617612,,0.1289288551,0.1387052685,0.7323659062,0.8710711598,0.8696285486,0.001162255416,0.1299306303,0.003811270697,0.003801103448,0.1728063971,0.01316747628,0.04716394469,0.04200810567,0.4572199583,0.04797591269,0.09407402575,0.04732851312,0.1199326739,0.3953148127,0.1117278188,0.08675212413,0.04282893986,0.0256365668,0.0006714678602,43,0.3163578808,0.1452370435,2.1875,7466673,1.363217592,393.75,1344001152,245.3791656,208.3333282,460.2272644,393.75,,,0.1759979129,0.5691288114,0.1462268084,0.1086464897 +Brazil,BRA,Latin America and Caribbean,LCN,1989,pnad,Higher education,36643866,0.4402219653,0.1969255358,0.01075830776,0.8348251581,0.5490196943,0.4019111395,0.3560015559,0.04590956122,15189744,0.7550247908,0.6462459564,0.07513740659,0.7179197669,0.0811226964,0.9508558512,0.0491441451,0.9041398168,0.09586019814,0.796464026,0.1306609213,0.07287503779,0.1966586262,0.8032767773,,,0.8059450388,,0.0272377152,0.2035190165,0.7692432404,0.9916895628,0.9673799872,0.005662281066,0.1606738418,0.01395582967,0.02322706766,0.2111284286,0.04339981452,0.1357466578,0.1008131728,0.2781552076,0.1626716554,0.1834332347,0.1021898389,0.2202257216,0.1642319262,0.01325250231,0.0297800824,0.04505503178,0.0130471345,0.02257186361,43,0.2415017039,0.1274576336,6.109833241,20854914,3.807557583,1099.77002,3753884416,685.3604126,675,1325,1035.077637,0.7588933706,,0,0,0.4108422399,0.5891577601 +Brazil,BRA,Latin America and Caribbean,LCN,1989,pnad,Lower education,107638208,0.3206205666,0.1887136549,0.06196723506,0.7120146751,0.6174122095,0.4019111395,0.3560015559,0.04590956122,43563250,0.6555089355,0.4229173958,0.213742286,0.6290698051,0.03316607699,0.9596662521,0.04033372179,0.9278872609,0.07211273164,0.6347818971,0.3315087855,0.03370934725,0.5591022968,0.4408122003,,,0.4420151412,,0.2770646811,0.2625528872,0.4603824317,0.812517643,0.6995024681,0.008394089527,0.1676790714,0.006239677779,0.08024004102,0.1835255623,0.0448542349,0.01438207086,0.03247044608,0.1851501167,0.0485561043,0.006942053791,0.05784600601,0.02989511378,0.2853150368,0.2341370285,0.06555433571,0.1062484905,0.130720526,0.005181202665,43,0.1401165873,0.2615115941,1.982907295,6768329,1.235718489,356.9233093,1218299136,222.4293213,257.7343445,487.4999695,337.5,0.7588933706,,0.2110946774,0.697509706,0.09139565378,0 +Brazil,BRA,Latin America and Caribbean,LCN,1989,pnad,Male,70808821,0.3612041771,0.1927923113,0.04561496526,0.7300288677,0.5931808949,0.4019111395,0.3560015559,0.04590956122,37485423,0.8924582601,,0.04356880486,0.8603943586,0.04537116364,0.9640723467,0.03592764586,0.9337125421,0.06628744304,0.6669775248,0.2761022151,0.05692023411,0.4519225955,0.5479646325,,,0.5489305854,,0.2595647573,0.3079810441,0.4324541986,,0.7085581422,0.01133352052,0.1859299541,0.0106873801,0.1000301763,0.200569883,0.06194846705,0.04474190995,0.05454425514,0.07064969093,0.09448394179,0.02898939885,0.08142006397,0.05585638806,0.1757152081,0.2139787078,0.03946186602,0.1170835868,0.1421685815,0.01464066468,43,0.08253775537,0.2726539075,2.840909004,9696977,1.770412445,511.3636169,1745455872,318.6742249,258.7694092,603.4091187,623.4375,,,0.174986288,0.5913819671,0.1442114115,0.08942035586 +Brazil,BRA,Latin America and Caribbean,LCN,1989,pnad,Rural,37050869,0.4076582491,0.1834393889,0.04818253964,0,0.5441592336,0.4019111395,0.3560015559,0.04590956122,13957800,0.6922972202,0.4238156676,0.2195752859,0.6829892993,0.04132260755,0.9865550399,0.01344495546,0.9762710333,0.0237289872,0.4616981447,0.5090167522,0.02928507701,0.7993243933,0.2005737275,,,0.2028837502,,0.6792292595,0.1240941286,0.1966766268,0.4595537484,0.3176422119,0.01005171798,0.07614934444,0.002431218512,0.03546184674,0.06093293428,0.01706450433,0.006218189839,0.01528159156,0.09717941284,0.04206113517,0.02083306573,0.02031532489,0.01565181464,0.1128802672,0.589081049,0.03549326584,0.05658720061,0.09102436155,0.002027966781,43,0.1625958383,0.3071881235,1.62711072,5553876,1.013991356,292.8799133,999697664,182.5184326,258.7694092,482.2520752,323.4617615,0.7588933706,,0.3265925944,0.5952741504,0.05260198191,0.02553126402 +Brazil,BRA,Latin America and Caribbean,LCN,1989,pnad,Total,144282074,0.3509961665,0.1907992512,0.04896150902,0.7432053089,0.6000422984,0.6665491358,0.5849523732,0.08159676267,58752994,0.6786342282,0.4771411717,0.1774099916,0.6497165791,0.04547997192,0.9573884606,0.04261153191,0.9217915535,0.07820845395,0.6762977839,0.2799361348,0.04376610368,0.4660744014,0.5339255688,,,0.5354622602,,0.2127840817,0.2473634332,0.5398525,0.8710711598,0.7670345902,0.007691193838,0.1658766121,0.008225047961,0.06557057798,0.1906277984,0.04448001087,0.04560923949,0.05005506426,0.2090803683,0.07785657793,0.05225818604,0.06923179328,0.07876467705,0.2542255521,0.1774223894,0.05636888742,0.09053637087,0.1005065292,0.009646454826,43,0.166148603,0.2270914018,2.5625,8746674,1.596912026,461.25,1574401280,287.4441833,258.7694092,562.5,509.0625,0.7588933706,,0.1755073369,0.5799202323,0.1452494562,0.09932298958 +Brazil,BRA,Latin America and Caribbean,LCN,1989,pnad,Urban,107231205,0.3314181268,0.1933422536,0.04923066124,1,0.6193512082,0.4019111395,0.3560015559,0.04590956122,44795194,0.6744864583,0.4920834899,0.1635871232,0.6396157742,0.04682762921,0.9483004212,0.05169958621,0.9028154016,0.09718462825,0.7458634973,0.2056761533,0.04846034944,0.3579982519,0.6419286132,,,0.6432737112,,0.06114087626,0.2874387801,0.6514203548,0.9747489691,0.9366915822,0.006923777517,0.1950473189,0.01010864507,0.07535904646,0.2327921093,0.05339290202,0.0584154278,0.06136006117,0.2454598248,0.08945961297,0.06244459003,0.0850879848,0.09922260791,0.3000423908,0.04398393258,0.06313568354,0.101540938,0.1035801619,0.01211597491,43,0.1673009247,0.2011127323,2.914772749,9949099,1.816443205,524.6591187,1790837888,326.9598083,254.6591034,562.5,530,0.7588933706,,0.1251109391,0.5747987032,0.1761532128,0.1239371598 +Brazil,BRA,Latin America and Caribbean,LCN,1990,pnad,Female,71965783,0.3353539705,0.1873793304,0.05442971364,0.747648716,0.6102163196,0.3962777555,0.3483923972,0.04788535833,21200422,0.4827637076,0.4827637076,0.301731497,0.4555375576,0.04720098525,0.9436035752,0.05639642477,0.8989471793,0.1010528207,0.6750004292,0.3038703203,0.02112928592,0.2214071751,0.4535696208,,,0.671978116,0.1591942757,0.1264022738,0.1293983907,0.7441993356,0.8735977411,0.8762100935,0.001344810589,0.1202864423,0.003222356318,0.004544777796,0.1834808737,0.01177221444,0.04580785707,0.04516833648,0.457970053,0.04781349003,0.09052675217,0.04782938585,0.114060007,0.4096017778,0.1102388278,0.08865769953,0.04029309005,0.02381524071,0.0005674639833,43,0.3294133544,0.1475748271,64.39285278,7211736,40.12867355,11590.71387,1298112512,7223.161133,5625,13500,11999.99902,,2.330483675,0.1693757325,0.5723673105,0.1472047567,0.1110521853 +Brazil,BRA,Latin America and Caribbean,LCN,1990,pnad,Higher education,36192789,0.4282409251,0.1951672733,0.01107096206,0.8355166912,0.560688138,0.3962777555,0.3483923972,0.04788535833,15276772,0.752814889,0.6485708952,0.0709990114,0.7116438746,0.08143287152,0.9453105927,0.05468943343,0.8970807195,0.1029192805,0.7827960849,0.1376916021,0.07951231301,0.1013806686,0.6814040542,,,0.8704871535,0.2343789935,0.03137309104,0.2005529851,0.7680739164,0.9893577099,0.9646026492,0.00503051281,0.1600353718,0.01387121342,0.02161589637,0.2198435217,0.04522335529,0.1269505471,0.1035079062,0.2725485861,0.1671661586,0.175521329,0.1058342904,0.2132199258,0.1697101295,0.01582130231,0.03190894052,0.04519942403,0.01288862713,0.02314111032,43,0.2432917655,0.1328727156,187.5,20999232,116.8472214,33750,3779861760,21032.5,22500,36000,32812.5,0.7569999695,2.330483675,0,0,0.4083170295,0.5916829705 +Brazil,BRA,Latin America and Caribbean,LCN,1990,pnad,Lower education,105382316,0.3165567219,0.1883940995,0.06406804174,0.7008546591,0.6193752289,0.3962777555,0.3483923972,0.04788535833,42960183,0.6581798196,0.4279136062,0.2109955698,0.6281788349,0.03475309908,0.9544183016,0.04558172077,0.9205240011,0.07947602123,0.6182938218,0.3458935916,0.0358126089,0.2614709437,0.3567953408,,,0.5770900846,0.05668331683,0.2802558541,0.247262761,0.4724813998,0.8162674904,0.6936503649,0.007325939834,0.154407382,0.006155773066,0.07937366515,0.1886903495,0.04628264531,0.01374421641,0.0351219587,0.1886422336,0.04930800572,0.006286110263,0.05545014516,0.02906844765,0.2928718328,0.2373716086,0.06633134931,0.1013575122,0.1284972876,0.005623532925,43,0.1479611099,0.2637833655,56.25,6299769.5,35.0541687,10125,1133958528,6309.75,6469.235352,14062.5,10125,0.7569999695,2.330483675,0.2074825764,0.7013799548,0.09113749117,0 +Brazil,BRA,Latin America and Caribbean,LCN,1990,pnad,Male,69609322,0.3551924229,0.1929648817,0.04647726566,0.7224929333,0.5983303189,0.3962777555,0.3483923972,0.04788535833,37036533,0.8892459869,,0.04628252238,0.8508768678,0.04674850032,0.9568520784,0.04314791039,0.9237103462,0.07628963888,0.6533177495,0.2847733498,0.06190891191,0.2188494056,0.4344459474,,,0.6650069356,0.07114700228,0.2656189203,0.2948952317,0.4394858479,,0.6961144209,0.009773709811,0.1760248244,0.01097036991,0.09812633693,0.2043743283,0.06538698077,0.04186835885,0.05738911033,0.07046705484,0.09817748517,0.02769299038,0.08028307557,0.05612962693,0.1767899245,0.2188598812,0.0397012271,0.1129450798,0.140481934,0.01561592985,43,0.08438004553,0.2760358155,83.33333588,9332992,51.9321022,15000.00098,1679938560,9347.77832,6641.748535,18000,18750,,2.330483675,0.1739216894,0.5881353021,0.1447455585,0.09319743514 +Brazil,BRA,Latin America and Caribbean,LCN,1990,pnad,Rural,37477738,0.3990507424,0.1863657534,0.05138170347,0,0.5495675802,0.3962777555,0.3483923972,0.04788535833,14334086,0.6959459782,0.4311549067,0.2108150721,0.6843104362,0.04639739171,0.9832809567,0.01671902835,0.9715839624,0.02841604687,0.4715375602,0.497204721,0.03125772998,0.297490567,0.1740004569,,,0.3690429926,0.04744108021,0.6693515182,0.1209776253,0.2096708715,0.4797846079,0.3321765661,0.008507220075,0.07421453297,0.002833868377,0.03542200476,0.06335061044,0.01784632169,0.005598087795,0.01600509509,0.1068707556,0.04321684688,0.0215133857,0.01780404896,0.01466947887,0.1265386045,0.5818564892,0.03778910264,0.05416691303,0.08956457675,0.001941049937,43,0.1702003777,0.3153224885,43.12823486,4830185.5,26.87687683,7763.082031,869433408,4837.837891,6469.235352,14114.69531,9857.882813,0.7569999695,2.330483675,0.31836918,0.6004500985,0.05590365827,0.02527708746 +Brazil,BRA,Latin America and Caribbean,LCN,1990,pnad,Total,141575105,0.3451080918,0.1901256293,0.05051967129,0.7352801561,0.6043722481,0.654609414,0.5710190912,0.08359032278,58236955,0.6806239904,0.4827637076,0.1742572933,0.6479738512,0.04691176489,0.952029109,0.04797086492,0.9144976735,0.08550231904,0.6611412168,0.2916638553,0.04719493538,0.3324250211,0.6675749563,,,0.6675750017,0.1029062644,0.2152944803,0.2350709438,0.5496345758,0.8735977411,0.7620972395,0.006726806052,0.1558763534,0.008169595152,0.06429819763,0.1968217045,0.04600615799,0.04329242185,0.05297150835,0.2105427831,0.08000508696,0.05036474764,0.0685730949,0.07703214139,0.2607933879,0.1796671003,0.05736576393,0.08673069626,0.09838610888,0.01018612273,43,0.1727918535,0.2296850979,75.63749695,8471090,47.13616943,13614.75,1524796160,8484.510742,6529.614746,16875,15340.9082,0.7569999695,2.330483675,0.1715897173,0.5800467134,0.146007061,0.1023565307 +Brazil,BRA,Latin America and Caribbean,LCN,1990,pnad,Urban,104097367,0.3256873488,0.1914792657,0.05020932108,1,0.6241033673,0.3962777555,0.3483923972,0.04788535833,43902869,0.675766468,0.4978874326,0.1614470333,0.636454165,0.04708709568,0.9418255687,0.0581744425,0.8928793669,0.1071206257,0.7257710695,0.221601516,0.05262742192,0.1932807416,0.5324752331,,,0.7336835861,0.121837981,0.06007538736,0.2740736604,0.6658509374,0.9779493213,0.9397926927,0.00611817278,0.1837923825,0.009993609972,0.07416950911,0.2424487025,0.05563257635,0.05617820472,0.06560844928,0.2459830046,0.09254522622,0.0601994209,0.08587892354,0.09828993678,0.3065573275,0.0425712727,0.06403893232,0.09783083946,0.1013931409,0.01299665216,43,0.1736752093,0.2004941851,87.5,9799642,54.5287056,15750,1763935488,9815.166992,6813,16875,16200,0.7569999695,2.330483675,0.1204243302,0.5729343295,0.1774159223,0.1292254031 +Brazil,BRA,Latin America and Caribbean,LCN,1992,pnad,Female,70422232,0.3266141415,0.188297227,0.05744878948,0.8032435179,0.6159370542,0.3888392448,0.3388647139,0.04997451231,24130089,0.5564201474,0.5564201474,0.2696587741,0.5094989538,0.04441932216,0.9156730175,0.08432696015,0.8448288441,0.1551711708,0.6265875101,0.3588098288,0.01460262667,0.5779916048,0.4220083952,,,0.4247201085,0,0.2073741108,0.1085947976,0.6840310693,0.7926259041,0.8237962723,0.0008312689024,0.09777791053,0.004935514648,0.005050105043,0.1660116315,0.01025146991,0.03707826138,0.04049605131,0.4301936626,,,,,,,,,,,42,0.3951992095,0.1490576118,,,,,,,,,,,,0.1143673658,0.6194380522,0.1568805575,0.1093140244 +Brazil,BRA,Latin America and Caribbean,LCN,1992,pnad,Higher education,36361294,0.4055417478,0.1954755485,0.01784930937,0.8637536168,0.5766089559,0.3888392448,0.3388647139,0.04997451231,16067882,0.7664816976,0.6690297127,0.07357785851,0.7078032494,0.0756437853,0.9234444499,0.0765555799,0.8551278114,0.1448721886,0.7494384646,0.1910225004,0.05953903124,0.2909073532,0.7087804079,,,0.7110007405,0,0.0616486147,0.1839272231,0.7544241548,0.9636564255,0.9346560836,0.003510644659,0.138724938,0.0136335995,0.0280580353,0.2245211601,0.04201072827,0.103997983,0.1025701761,0.2813241184,,,,,,,,,,,42,0.2382967025,0.1557756811,,,,,,,,,,,,0,0,0.4106937647,0.5893062353 +Brazil,BRA,Latin America and Caribbean,LCN,1992,pnad,Lower education,101733989,0.3130934834,0.1892195195,0.06495076418,0.7687023282,0.6219557524,0.3888392448,0.3388647139,0.04997451231,44278961,0.6999359727,0.5166702867,0.1989954114,0.6538815498,0.03698420897,0.9342019558,0.06579802185,0.8847426772,0.1152573153,0.5936675072,0.3804942667,0.02583825029,0.6105401516,0.3894249201,,,0.3909161985,0,0.3022242486,0.2358708829,0.4619048536,0.7156534195,0.6765031815,0.005459502339,0.1391563416,0.00863898918,0.08261605352,0.1849946529,0.04235885665,0.01081399247,0.03176767007,0.1919696778,,,,,,,,,,,42,0.2058980912,0.2592616379,,,,,,,,,,,,0.1317197382,0.7668381929,0.1014420763,0 +Brazil,BRA,Latin America and Caribbean,LCN,1992,pnad,Male,67673051,0.3486967981,0.1935406923,0.04744949192,0.7838298082,0.6038537025,0.3888392448,0.3388647139,0.04997451231,36216754,0.8864067197,,0.05938631669,0.8347952962,0.04898555204,0.9417745471,0.05822545663,0.8978608847,0.1021391228,0.6401058435,0.3121168017,0.04777735844,0.492577374,0.5072444677,,,0.5082397461,0,0.258946538,0.2959481776,0.4451052845,,0.6929652095,0.007617969532,0.165865615,0.01322491374,0.1092396751,0.2145748585,0.06307794154,0.03438604623,0.05697637051,0.07609007508,,,,,,,,,,,42,0.09734984487,0.2856333554,,,,,,,,,,,,0.102122888,0.6432294846,0.1554965824,0.09915105999 +Brazil,BRA,Latin America and Caribbean,LCN,1992,pnad,Rural,28484926,0.3836634457,0.1876921803,0.05730905011,0,0.559027493,0.3888392448,0.3388647139,0.04997451231,12732171,0.7998206019,0.6412613392,0.167921558,0.7854007483,0.06305715442,0.9819712043,0.01802881807,0.9655736089,0.03442639858,0.3874821365,0.5904743075,0.02204353176,0.8328633904,0.1671365798,,,0.1682358682,0,0.7509887218,0.08794566989,0.1610656381,0.2990521789,0.251193434,0.005555324256,0.05451111123,0.002887041541,0.0249921903,0.04760070145,0.01136569399,0.002634479431,0.01236488763,0.08709987253,,,,,,,,,,,42,0.2940520644,0.2682483196,,,,,,,,,,,,0.211889416,0.707521677,0.0534465909,0.02714229189 +Brazil,BRA,Latin America and Caribbean,LCN,1992,pnad,Total,138095283,0.3374356627,0.1908667684,0.052548673,0.7937299013,0.6100156605,0.6393021704,0.5531590164,0.08614315403,60346843,0.7163656059,0.5564201474,0.1651729494,0.6671782632,0.04719042405,0.9313376546,0.06866231561,0.8769475818,0.1230524257,0.6347913742,0.3304733038,0.03473533317,0.5262132615,0.4737867087,,,0.4754019976,0,0.2386294603,0.2221398801,0.5392306447,0.7926259041,0.7427769899,0.004944332875,0.139042303,0.009959286079,0.06819394976,0.1954432577,0.0422668308,0.03544665128,0.0504839085,0.2155900151,,,,,,,,,,,42,0.214452669,0.2319370657,,,,,,,,,,,,0.1083943471,0.6310437918,0.1562054455,0.1043564007 +Brazil,BRA,Latin America and Caribbean,LCN,1992,pnad,Urban,109610357,0.3254222274,0.1916917562,0.05131157488,1,0.6232661605,0.3888392448,0.3388647139,0.04997451231,47614672,0.6970806718,0.5381469727,0.1644735187,0.6397794485,0.04265100136,0.9177982807,0.08220171928,0.8510158062,0.1489841938,0.705545783,0.2560878098,0.03836641833,0.4384084344,0.561452508,,,0.5632935166,0,0.09141517431,0.2606973946,0.6478874087,0.930149436,0.9067671895,0.004768779036,0.1633303314,0.01199132763,0.08060695231,0.2379223257,0.05114553869,0.04487444833,0.06143650785,0.2525086105,,,,,,,,,,,42,0.1916772872,0.2215474993,,,,,,,,,,,,0.08262503892,0.6120015383,0.1817914397,0.1235819981 +Brazil,BRA,Latin America and Caribbean,LCN,1993,pnad,Female,73466547,0.3262141645,0.1855386198,0.0570720695,0.8072840571,0.6167137623,0.3859746456,0.3360145688,0.04996009916,25173356,0.5556584001,0.5556584001,0.2617769837,0.5128903389,0.04410649836,0.9230316877,0.07696831971,0.8545490503,0.1454509646,0.6298081875,0.3548771739,0.01531464048,0.580839932,0.4191120863,,,0.4228959084,0,0.2015502602,0.111941725,0.6865079999,0.7984497547,0.8256754875,0.00100443454,0.09947643429,0.005268495996,0.006192360539,0.1705688387,0.009806859307,0.03786170483,0.04047190025,0.4277987182,,,,,,,,,,,41,0.4040711522,0.1358277351,78.4149704,7728.842773,48.86705017,14114.69531,1391191.75,8796.069336,7232.142578,16200,14325.00098,,,0.1096225753,0.6091227531,0.1653951257,0.1158595383 +Brazil,BRA,Latin America and Caribbean,LCN,1993,pnad,Higher education,39087035,0.3862840533,0.199371919,0.0169818718,0.8671095371,0.5967341065,0.3859746456,0.3360145688,0.04996009916,17760474,0.7615762949,0.663736701,0.06969736516,0.7069920897,0.07943110168,0.9283273816,0.07167263329,0.853132844,0.146867156,0.7449741364,0.1919501722,0.06307571381,0.2926146388,0.7069561481,,,0.7093322277,0,0.05523916334,0.1850255728,0.7597352862,0.9651134014,0.940869391,0.003414788516,0.139831081,0.01422279421,0.02755690739,0.2322427034,0.04136839882,0.1070609242,0.0990016982,0.280061543,,,,,,,,,,,41,0.2425603867,0.1528642029,175,17248.58789,109.0574112,31500,3104745.75,19630.33398,10806.75,37663.04297,30749.99805,0.822368443,,0,0,0.4216305017,0.5783694983 +Brazil,BRA,Latin America and Caribbean,LCN,1993,pnad,Lower education,104642339,0.315905422,0.1844352931,0.06594314426,0.7691956162,0.6181514263,0.3859746456,0.3360145688,0.04996009916,45113608,0.6974819303,0.5140768886,0.1967934221,0.6553869247,0.04043351114,0.9396471977,0.06035278738,0.8925313354,0.1074686497,0.591739893,0.3822317719,0.02602834627,0.621858418,0.3780534267,,,0.3799731433,0,0.29914397,0.2409679443,0.4598881006,0.7170150876,0.6780307889,0.005448213313,0.1395550966,0.009163532406,0.0868011117,0.1847271472,0.04174045101,0.01034943294,0.03121157922,0.1918594837,,,,,,,,,,,41,0.2214239091,0.2444382012,68.1818161,6720.228516,42.48989868,12272.72754,1209641,7648.182129,9000,15999.99902,12262.5,0.822368443,,0.1302797794,0.7677839398,0.1019362807,0 +Brazil,BRA,Latin America and Caribbean,LCN,1993,pnad,Male,70262827,0.3442780972,0.1915908605,0.04798167199,0.7838397026,0.6077402234,0.3859746456,0.3360145688,0.04996009916,37700726,0.8829684258,,0.05743386224,0.8347662687,0.05607853457,0.9454089999,0.05459101871,0.8992592096,0.1007407829,0.6378062367,0.3120434582,0.05015032366,0.4962974191,0.5034304857,,,0.5043157935,0,0.2498330027,0.2994276583,0.4507393539,,0.7009240389,0.007412105333,0.1659043133,0.01405910309,0.1120521426,0.2160352021,0.06246016175,0.03721953928,0.0566046685,0.07841976732,,,,,,,,,,,41,0.1121318191,0.2728827894,96.59091187,9520.324219,60.19402695,17386.36328,1713658.375,10834.92383,9005.625,19500,20945.45508,,,0.1015063375,0.6371058822,0.1590933651,0.1022944525 +Brazil,BRA,Latin America and Caribbean,LCN,1993,pnad,Rural,29346207,0.3864769936,0.1859444082,0.05347433686,0,0.5600486398,0.3859746456,0.3360145688,0.04996009916,13221164,0.8044958115,0.6476522088,0.1610444933,0.7906678915,0.07441137731,0.9828116298,0.01718834974,0.9665699601,0.03343001381,0.3983421922,0.581364572,0.02029326931,0.8315064907,0.1684304625,,,0.1713846475,0,0.735843122,0.1018214971,0.1623353958,0.3059004545,0.2627495229,0.006525950972,0.05712862313,0.002534453291,0.03563247249,0.04591139778,0.009661610238,0.003025452374,0.01482007001,0.08891687542,,,,,,,,,,,41,0.3347788155,0.2448172122,57.50431442,5667.818359,35.83583832,10350.77637,1020207.313,6450.450684,8625.646484,12428.69434,11644.62305,0.822368443,,0.2076234072,0.7023391724,0.06099464372,0.0290427655 +Brazil,BRA,Latin America and Caribbean,LCN,1993,pnad,Total,143729374,0.3350448012,0.18849729,0.0526281856,0.7958231568,0.6123269945,0.6331143168,0.5471664719,0.08594784497,62874082,0.7144020914,0.5556584001,0.1602377594,0.6690015437,0.051353883,0.9364495873,0.06355038285,0.8815829754,0.1184170544,0.6346498728,0.3289474845,0.0364026688,0.5297586117,0.4702413585,,,0.4721798599,0,0.2307374775,0.2252781391,0.5439844131,0.7984497547,0.7488285899,0.004877911415,0.1396324933,0.0105824722,0.07018525153,0.1980535388,0.04163610563,0.03747351095,0.0502242595,0.2165969759,,,,,,,,,,,41,0.2273425907,0.2187954485,89.16666412,8788.56543,55.56734467,16049.99902,1581941.75,10002.12207,9000,18715.9082,17290.79883,0.822368443,,0.1056700498,0.6227502823,0.1623262316,0.1092534736 +Brazil,BRA,Latin America and Caribbean,LCN,1993,pnad,Urban,114383167,0.3218493462,0.1891522557,0.05241109431,1,0.6257395744,0.3859746456,0.3360145688,0.04996009916,49652918,0.6937937737,0.536243856,0.160034284,0.6411380768,0.04482429102,0.9241047502,0.07589527965,0.8561576605,0.1438423395,0.701569736,0.2574655712,0.04096468166,0.4441825747,0.5555996299,,,0.5573744774,0,0.08725402504,0.2603479922,0.6523979902,0.9339163899,0.9134197235,0.00440975884,0.1630690545,0.01286864281,0.08000053465,0.2412719876,0.05071897805,0.0472590439,0.06028139219,0.252866596,,,,,,,,,,,41,0.1969131529,0.2114252448,98.75,9733.131836,61.53953934,17775,1751963.75,11077.11719,9005.625,19431.81641,18000,0.822368443,,0.08032574505,0.6029654741,0.1875159591,0.1291928291 +Brazil,BRA,Latin America and Caribbean,LCN,1995,pnad,Female,75804122,0.3108730614,0.1847583055,0.06240919232,0.80977422,0.6267177463,0.3762147129,0.3228227198,0.05339197814,27167063,0.5719839334,0.5719839334,0.2407844663,0.5292444825,0.04825075343,0.9252785444,0.07472147793,0.857083559,0.1429164708,0.623506248,0.3565715849,0.01992215216,0.5779262781,0.4219167233,,,0.424713105,0,0.1901701838,0.09910661727,0.7107232213,0.8098298311,0.8347495794,0.0006454052054,0.08970426768,0.004927744623,0.003829196794,0.1806801856,0.01089338865,0.03781109303,0.04075739533,0.4405811429,,,,,,,,,,,41,0.3975111246,0.1378422379,1.136363626,3.100756884,,204.5454407,558.1362305,,112.1334152,225,208.3333282,,,0.1007433757,0.6004649401,0.1720688194,0.1267228425 +Brazil,BRA,Latin America and Caribbean,LCN,1995,pnad,Higher education,41503098,0.3571488261,0.212285161,0.01925234683,0.873652339,0.623598814,0.3762147129,0.3228227198,0.05339197814,19603849,0.7576253414,0.6697758436,0.06190516055,0.7065081,0.08407787234,0.9325296879,0.06747031957,0.8686409593,0.1313590705,0.7280554771,0.1994488984,0.07249560952,0.306212008,0.6937298775,,,0.6956070662,0,0.05209627375,0.1774041206,0.7704995871,0.9677345157,0.9475073218,0.003314892296,0.1393346637,0.01138203032,0.02337254025,0.234347254,0.04306648299,0.1045975089,0.09982959926,0.2886587679,,,,,,,,,,,41,0.2335865349,0.1533207297,2.5,6.821665287,,450,1227.89978,,172.5129395,511.3636169,450,0.8502416611,,0,0,0.4248089194,0.5751910806 +Brazil,BRA,Latin America and Caribbean,LCN,1995,pnad,Lower education,106980665,0.3080692589,0.1798334271,0.07131362706,0.7683214545,0.6206170917,0.3762147129,0.3228227198,0.05339197814,46771251,0.7045503855,0.5306922793,0.1897441447,0.6623940468,0.04153008759,0.9401656389,0.05983436108,0.8907719851,0.1092280298,0.5786761642,0.3948180079,0.02650583349,0.6303504109,0.3695598245,,,0.3708637357,0,0.294700861,0.2247952819,0.4805038571,0.7265677452,0.6778426766,0.004387748893,0.1295530945,0.008313944563,0.08254048228,0.1941322684,0.04418128356,0.009961151518,0.02887067758,0.2033584714,,,,,,,,,,,41,0.2227686048,0.2418643087,1,2.728666067,,180,491.1599121,,117.6224594,234.3750153,180,0.8502416611,,0.1236888021,0.7709022164,0.1054089814,0 +Brazil,BRA,Latin America and Caribbean,LCN,1995,pnad,Male,72679641,0.3331713974,0.1932281256,0.05087170005,0.7852349281,0.6159569025,0.3762147129,0.3228227198,0.05339197814,39208037,0.875888586,,0.05867392942,0.8291712403,0.05793466419,0.9466629028,0.05333710089,0.9018641114,0.09813591093,0.6218911409,0.3244936764,0.05361515656,0.5062060952,0.4937652349,,,0.4943407178,0,0.2458346039,0.2867654264,0.4673999846,,0.7099334598,0.006400010083,0.1614582837,0.01213045511,0.1067766696,0.2231428623,0.06624490768,0.03780448064,0.0558588542,0.0843488723,,,,,,,,,,,41,0.1097573191,0.2686966956,1.377707481,3.759303808,,247.9873505,676.6746826,,120.0000076,282.8571167,300,,,0.0963530615,0.6294082999,0.1681976169,0.1060410216 +Brazil,BRA,Latin America and Caribbean,LCN,1995,pnad,Rural,30028946,0.3732562959,0.1827992201,0.05844600871,0,0.5682976842,0.3762147129,0.3228227198,0.05339197814,13780022,0.8074839711,0.6592828631,0.1596542597,0.7929132581,0.07403782755,0.981955409,0.01804460026,0.9661115408,0.03388848901,0.3744215965,0.6042262316,0.02135216631,0.8295457363,0.1704542488,,,0.1718117595,0,0.733917594,0.09229404479,0.1737883538,0.3039196432,0.2729943395,0.006053030957,0.05438343436,0.00223289174,0.02962468937,0.05254641175,0.01109170914,0.003326210426,0.01401849929,0.0928055197,,,,,,,,,,,41,0.3342865705,0.2320003361,0.7475560308,2.039830923,,134.5600891,367.1695862,,117.6224594,216.4253235,164.9217224,0.8502416611,,0.1968434453,0.7039076686,0.06655293703,0.03269594535 +Brazil,BRA,Latin America and Caribbean,LCN,1995,pnad,Total,148483763,0.3217876256,0.1889041066,0.05676183477,0.7977627516,0.6214505434,0.6091385137,0.5178008596,0.09133765409,66375100,0.7193158848,0.5719839334,0.1495961547,0.6746538334,0.05402446166,0.937910378,0.06208964065,0.8840856552,0.1159143299,0.6225432754,0.3374454081,0.04001130909,0.5352086146,0.4647913854,,,0.4662283957,0,0.2233163863,0.210850805,0.5658327937,0.8098298311,0.7580452561,0.00407206919,0.1324312538,0.009216704406,0.06513078511,0.205965206,0.0438532643,0.0378071554,0.04974978045,0.2284574062,,,,,,,,,,,41,0.2259456366,0.2158607095,1.25,3.410832644,,225,613.9498901,,117.6224594,276.0207214,245.6250153,0.8502416611,,0.09860478342,0.6145637035,0.1701830924,0.1166484132 +Brazil,BRA,Latin America and Caribbean,LCN,1995,pnad,Urban,118454817,0.3087400496,0.1904517263,0.05633489043,1,0.6349250674,0.3762147129,0.3228227198,0.05339197814,52595078,0.6994534135,0.5538766384,0.1471480578,0.6479529738,0.04846628755,0.9263704419,0.07362953573,0.860526979,0.1394730061,0.6914573908,0.2633488476,0.04519375786,0.4534093738,0.5464878082,,,0.5480030775,0,0.08113409579,0.2438641787,0.6750017405,0.9440991879,0.914965868,0.003520449623,0.1541644782,0.01116142049,0.07501782477,0.2486862838,0.05297606066,0.04740873724,0.05969953164,0.2662310898,,,,,,,,,,,41,0.1958493739,0.2113772482,1.388888836,3.789813995,,249.9999847,682.1665039,,120.0000076,281.25,255.6818085,0.8502416611,,0.07430373877,0.5924628973,0.1958178133,0.1374155134 +Brazil,BRA,Latin America and Caribbean,LCN,1996,pnad,Female,77607208,0.3031819165,0.1877702326,0.06371574104,0.8067630529,0.6331022978,0.3684390485,0.3133994341,0.05503962189,27076609,0.5511823297,0.5511823297,0.2408348322,0.5025144815,0.04804122075,0.9117028117,0.08829717338,0.83866781,0.1613321751,0.648660779,0.3307405114,0.02059871703,0.5658208728,0.4339993894,,,0.4378540516,0,0.1734982729,0.1003786176,0.7261230946,0.8265017271,0.8571544886,0.0004636491358,0.09171369672,0.004270768724,0.003930502106,0.1836668104,0.01186093222,0.03897129372,0.04258605093,0.4490380287,,,,,,,,,,,42,0.3654083014,0.1527596414,1.375,3.241187811,0.8568796515,247.5,583.4137573,154.2383423,131.25,258.75,251.2500153,,,0.1031008661,0.5746018291,0.187695846,0.1346014887 +Brazil,BRA,Latin America and Caribbean,LCN,1996,pnad,Higher education,43567921,0.338820219,0.2270663977,0.01927186362,0.8755083084,0.6419079304,0.3684390485,0.3133994341,0.05503962189,20859026,0.7459611297,0.6587074399,0.06900582463,0.6902537942,0.07591021061,0.9253214002,0.07467860729,0.8575217724,0.1424782276,0.7345562577,0.2000076324,0.06543610245,0.3221090734,0.6777929068,,,0.679633975,0,0.04884476587,0.1738900989,0.7772651315,0.9691454172,0.9449030757,0.002504574601,0.1354148239,0.01098972932,0.02498097531,0.2392094284,0.04404094443,0.09986012429,0.09891218692,0.2952424586,,,,,,,,,,,42,0.2269438952,0.1731586754,2.674999952,6.305583477,1.667020321,481.5,1135.005005,300.0636597,204.5454407,525,477,0.8333333731,,0,0,0.4248481691,0.5751518011 +Brazil,BRA,Latin America and Caribbean,LCN,1996,pnad,Lower education,107976454,0.3017963767,0.1797950119,0.07373963296,0.764849782,0.6244639754,0.3684390485,0.3133994341,0.05503962189,45832828,0.6798336506,0.5029207468,0.1999661177,0.6338657737,0.03758785129,0.9323837161,0.06761629134,0.8808861971,0.1191137731,0.5883771777,0.3876730502,0.02394978516,0.6316704154,0.3681687415,,,0.3703702092,0,0.2928060591,0.2268944979,0.480299443,0.7430526018,0.6855415106,0.003705811687,0.1296774447,0.007693895604,0.08581733704,0.193970263,0.04417649657,0.01061693393,0.02796199918,0.2035737485,,,,,,,,,,,42,0.2064703107,0.2613677979,1.166666627,2.750098705,0.7270493507,209.9999847,495.0177917,130.8688812,133.0814209,262.5,212.2641296,0.8333333731,,0.1287676841,0.7525542974,0.1186780334,0 +Brazil,BRA,Latin America and Caribbean,LCN,1996,pnad,Male,73937167,0.3221585751,0.1992788762,0.0521656163,0.7860622406,0.6256757975,0.3684390485,0.3133994341,0.05503962189,39615245,0.8564396501,,0.07161022723,0.8074514866,0.0504829213,0.9428002834,0.05719972029,0.8958117962,0.1041882113,0.6240785122,0.328317374,0.04760412499,0.5152186751,0.4846654534,,,0.4855936766,0,0.2456042469,0.2832940817,0.4711017013,,0.7166107297,0.005232430529,0.1578018665,0.01166777592,0.1085919887,0.2242099047,0.06551897526,0.03801474348,0.05499054492,0.08836752176,,,,,,,,,,,42,0.1120012999,0.2875672579,1.581368685,3.727645874,0.9854855537,284.6463623,670.9762573,177.3874054,136.6302643,317.0454407,345.0258789,,,0.09858584404,0.6055426002,0.1820421368,0.113829419 +Brazil,BRA,Latin America and Caribbean,LCN,1996,pnad,Rural,30814533,0.362862587,0.1873856038,0.06054870412,0,0.5765886903,0.3684390485,0.3133994341,0.05503962189,13630623,0.767229259,0.6002271175,0.1749146581,0.7498930097,0.06060321629,0.977404058,0.02259595878,0.9581109881,0.04188900068,0.3917317986,0.5900608301,0.01820737123,0.8128308654,0.1868382394,,,0.189339444,0,0.7208752632,0.09217816591,0.1869466007,0.3396192789,0.2871959209,0.004273418803,0.05214289203,0.003148182295,0.03261367232,0.05411707237,0.01284377556,0.004333606921,0.0147964647,0.1008556783,,,,,,,,,,,42,0.2929381132,0.2580857575,0.8945115805,2.108567476,0.5574463606,161.012085,379.5421448,100.3403473,131.6027374,247.0071716,194.0770721,0.8333333731,,0.2053833604,0.6801036596,0.07923231274,0.03528065607 +Brazil,BRA,Latin America and Caribbean,LCN,1996,pnad,Total,151544375,0.312440455,0.1933851987,0.05808053911,0.7966632843,0.6294790059,0.588615332,0.4963476971,0.09226763492,66691854,0.699119989,0.5511823297,0.1557558328,0.6503038152,0.04951128736,0.9301748276,0.06982515752,0.873121798,0.1268782318,0.6338602901,0.3292815983,0.03685811162,0.5354306084,0.4645693618,,,0.4665972292,0,0.2168674022,0.2103956342,0.5727369785,0.8265017271,0.7702854872,0.003331898479,0.131463334,0.008719800971,0.06688059866,0.2080520093,0.04413430393,0.03839596361,0.05004690588,0.2321077734,,,,,,,,,,,42,0.2128403634,0.2339228243,1.5,3.535841465,0.9347777963,270,636.451416,168.2599945,135,303.75,289.8217468,0.8333333731,,0.1008997038,0.5896860361,0.1849395484,0.1244746968 +Brazil,BRA,Latin America and Caribbean,LCN,1996,pnad,Urban,120729842,0.2995709479,0.1949165016,0.05745057762,1,0.6429784894,0.3684390485,0.3133994341,0.05503962189,53061231,0.6836528182,0.5408391356,0.1510543376,0.6276222467,0.04647769779,0.9180423617,0.08195761591,0.8491750956,0.1508249193,0.7000700831,0.2579717636,0.04195813462,0.4594666362,0.5404439569,,,0.5424076319,0,0.07855311781,0.2428379208,0.678608954,0.9492670298,0.9243162274,0.003073518164,0.1532311589,0.01024881378,0.07628443092,0.2502962053,0.05272132531,0.04774365574,0.05972064286,0.2681271434,,,,,,,,,,,42,0.1909340024,0.2273143679,1.600000024,3.771564245,0.9970963001,288,678.8815308,179.4773407,141.4285583,307.5,300,0.8333333731,,0.07480366528,0.5671031475,0.2113412023,0.1467519701 +Brazil,BRA,Latin America and Caribbean,LCN,1997,pnad,Female,78577651,0.298045516,0.1889312714,0.06441646814,0.8087571859,0.6375380158,0.3658163249,0.3101558983,0.05566043779,28219156,0.5633930564,0.5633930564,0.2312060744,0.5066347122,0.04661617801,0.899256289,0.1007436961,0.8160250783,0.1839749515,0.6410713196,0.3380653858,0.02086329833,0.5628085136,0.4371446967,,,0.440926671,0,0.1794784218,0.10055089,0.7199707031,0.8205215931,0.8453528285,0.0005073359353,0.09249841422,0.003931064159,0.00361407781,0.183825627,0.01278224494,0.03833540529,0.04080706835,0.4442203343,,,,,,,,,,,41,0.3858665228,0.1425595433,1.488095284,3.28058815,0.9273589253,267.8571472,590.5058594,166.9246063,129.3847046,281.25,270,,,0.09738598019,0.5740647912,0.1884403527,0.1401088983 +Brazil,BRA,Latin America and Caribbean,LCN,1997,pnad,Higher education,45605744,0.3311573565,0.2298151702,0.01892991737,0.8796627522,0.649912715,0.3658163249,0.3101558983,0.05566043779,22376313,0.7550384998,0.6702978015,0.06497680396,0.6892439723,0.07707730681,0.9128593802,0.08714062721,0.8367666006,0.1632333994,0.7304304242,0.2015012503,0.06806835532,0.3166563511,0.6833146214,,,0.6855045557,0,0.04856139421,0.1804339737,0.7710046172,0.9698426723,0.94528234,0.00228975201,0.1417561769,0.01063645072,0.02575159073,0.2414500713,0.04815519229,0.09645500779,0.09171051532,0.2932338715,,,,,,,,,,,41,0.2229862809,0.1695474684,2.8125,6.200311184,1.752708316,506.25,1116.05603,315.4875183,199.0533752,540,506.25,0.875,,0,0,0.4243604541,0.5756395459 +Brazil,BRA,Latin America and Caribbean,LCN,1997,pnad,Lower education,108259146,0.2992395461,0.1764600277,0.07571430504,0.7628392577,0.625046134,0.3658163249,0.3101558983,0.05566043779,46547804,0.6879931092,0.5123210549,0.1918205172,0.6363915205,0.03881002963,0.9249969721,0.07500304282,0.8650645018,0.134935528,0.5766240954,0.3961993754,0.02717654407,0.6397503018,0.360224247,,,0.3620838225,0,0.2971943021,0.2270453423,0.4757603705,0.7281422615,0.6758759022,0.003598068142,0.1253319532,0.00766473962,0.09045057744,0.1896143258,0.04647916183,0.008427362889,0.02759861574,0.203640908,,,,,,,,,,,41,0.2220532298,0.2484556288,1.25,2.755693913,0.7789815068,225,496.0249023,140.2166748,140,270,225,0.875,,0.1243019849,0.7619716525,0.1137263849,0 +Brazil,BRA,Latin America and Caribbean,LCN,1997,pnad,Male,75287239,0.3198201656,0.1957639754,0.05310839042,0.7856810689,0.6270714402,0.3658163249,0.3101558983,0.05566043779,40704961,0.8622929454,,0.06196385249,0.8072524667,0.0541241914,0.9361696839,0.06383033097,0.8812217712,0.1187782288,0.6161507368,0.330550015,0.05329927057,0.5177991986,0.4821876585,,,0.4829431176,0,0.2421558946,0.2865213752,0.4713227451,,0.7218295932,0.004960172344,0.1561094671,0.01175835915,0.1136933565,0.2213605046,0.06990214437,0.03577934951,0.05325002223,0.09103072435,,,,,,,,,,,41,0.113465935,0.2766772509,1.6875,3.720186949,1.051625013,303.75,669.633667,189.2924957,141.1469574,335.223999,374.9999695,,,0.09525299817,0.6079549789,0.1784990877,0.1182929277 +Brazil,BRA,Latin America and Caribbean,LCN,1997,pnad,Rural,31162891,0.3602733314,0.1865691096,0.05992062762,0,0.5798060298,0.3658163249,0.3101558983,0.05566043779,14214921,0.7868049741,0.6323972344,0.1563654989,0.768152833,0.06775385886,0.9762938619,0.02370614745,0.9543244839,0.04567552358,0.3795996308,0.5998776555,0.02052271366,0.8248088956,0.1751911342,,,0.1785165519,0,0.724439919,0.09239997715,0.1831600815,0.3207673132,0.279848665,0.00460992055,0.05231093243,0.002975039184,0.03250408173,0.05538440496,0.01293743122,0.002828074619,0.01482471544,0.09718546271,,,,,,,,,,,41,0.3310154676,0.2333453,0.9344450831,2.060035706,0.5823323131,168.200119,370.806427,104.8198242,141.1469574,258.7694092,207.0155334,0.875,,0.1937390864,0.6933714151,0.07745672762,0.0354327783 +Brazil,BRA,Latin America and Caribbean,LCN,1997,pnad,Total,153864890,0.3087000251,0.1922745556,0.05888334289,0.7974658608,0.6324166507,0.581236069,0.4881276051,0.09310846391,68924117,0.7083181731,0.5633930564,0.1468781978,0.6524010216,0.05112298951,0.9210564494,0.07894352823,0.8550690413,0.1449309736,0.6261121631,0.3335541189,0.04033372179,0.5358051639,0.4641948361,,,0.4661481082,0,0.2170467675,0.2120200247,0.5709332228,0.8205215931,0.7692266703,0.003176328726,0.1306263506,0.008622678928,0.06959467381,0.206323728,0.04701943323,0.03680332378,0.04826527089,0.2325214446,,,,,,,,,,,41,0.2223534435,0.2230659723,1.5625,3.44461751,0.9737268686,281.25,620.0311279,175.2708282,141.1469574,315,309.375,0.875,,0.09634542465,0.5905978084,0.1835906059,0.129466176 +Brazil,BRA,Latin America and Caribbean,LCN,1997,pnad,Urban,122701999,0.295601815,0.1937235892,0.05861990154,1,0.6457782984,0.3658163249,0.3101558983,0.05566043779,54709196,0.6905397177,0.5489465594,0.1445576996,0.6261153221,0.04647019506,0.9067043066,0.09329568595,0.8270016909,0.172998324,0.6950794458,0.2590442598,0.04587628692,0.4549327791,0.5450332165,,,0.5466211438,0,0.07478864491,0.2455579787,0.6796534061,0.9528502822,0.9293421507,0.002774391789,0.1525836885,0.01020611078,0.07999378443,0.2486426681,0.05657502636,0.04632898793,0.05764101818,0.270465672,,,,,,,,,,,41,0.1919532269,0.2201901376,1.704545498,3.757764578,1.062247515,306.8182068,676.397583,191.2045593,143.1818237,327.2727356,321.4285889,0.875,,0.0719288215,0.564832449,0.2101983726,0.1530403644 +Brazil,BRA,Latin America and Caribbean,LCN,1998,pnad,Female,78796015,0.2885975838,0.1906845868,0.06621541828,0.8128792644,0.6451870203,0.3587237,0.3018010259,0.05692268908,28796400,0.5665879846,0.5665879846,0.2222919315,0.4991907477,0.04741924256,0.8810471892,0.1189528182,0.7750067115,0.2249932587,0.6508291364,0.3258620501,0.02330878004,0.5439895391,0.4559098184,,,0.4591366053,0,0.1651376337,0.1015885845,0.7332738042,0.8348623514,0.8589137793,0.0005603327882,0.08897180855,0.00498325564,0.00707318401,0.1898303628,0.01371215098,0.03926189616,0.0411119163,0.44935745,,,,,,,,,,,41,0.3763754368,0.1488375664,1.5625,3.337853193,0.9737268686,281.25,600.8135986,175.2708282,152.9092102,281.25,281.25,,,0.08583901823,0.5609022379,0.2028660625,0.1503926814 +Brazil,BRA,Latin America and Caribbean,LCN,1998,pnad,Higher education,47946840,0.3083470464,0.2493431419,0.01944382489,0.883864224,0.6722091436,0.3587237,0.3018010259,0.05692268908,24204611,0.7511505485,0.6683066487,0.06159213558,0.6728005409,0.07195583731,0.8956933618,0.1043066159,0.7997251749,0.2002748102,0.7316704392,0.1981304288,0.07019913942,0.3145339191,0.6854230165,,,0.687188983,0,0.04576503485,0.1781376153,0.7760973573,0.9719346166,0.9437824488,0.002713595983,0.1357589364,0.01182491891,0.02784016728,0.2433477789,0.04829939827,0.09470957518,0.09252465516,0.2972159386,,,,,,,,,,,41,0.2260887176,0.1809710413,2.8125,6.008135796,1.752708316,506.25,1081.464478,315.4875183,196.875,525,506.25,0.8864442706,,0,0,0.4312606454,0.5687393546 +Brazil,BRA,Latin America and Caribbean,LCN,1998,pnad,Lower education,106409900,0.2964086533,0.1706447899,0.07815974206,0.7649232149,0.6254315972,0.3587237,0.3018010259,0.05692268908,45630673,0.6857873201,0.512786746,0.1913597286,0.6266750097,0.04064269736,0.9138036966,0.08619627357,0.8428237438,0.1571762264,0.5797966123,0.3948642015,0.02533921972,0.637032032,0.3628572822,,,0.3644243181,0,0.284335196,0.235154748,0.480510056,0.7426810861,0.6833007336,0.004142090678,0.12184719,0.008252508938,0.1009129584,0.1912475377,0.04656305909,0.008826992474,0.02661335841,0.2072591037,,,,,,,,,,,41,0.224692151,0.2576656044,1.25,2.670282364,0.7789815068,225,480.6508179,140.2166748,150.9488373,274.6124268,234.3750153,0.8864442706,,0.1133076549,0.7654517293,0.1212406084,0 +Brazil,BRA,Latin America and Caribbean,LCN,1998,pnad,Male,75560725,0.3121296167,0.199684754,0.05335746706,0.7903875113,0.6345129013,0.3587237,0.3018010259,0.05692268908,41038884,0.8561040163,,0.057751894,0.7928439975,0.05398093164,0.9261071086,0.07389289886,0.8597195745,0.1402804554,0.6190134287,0.3287022412,0.05228432268,0.5151802301,0.4847410023,,,0.4853215218,0,0.2276444733,0.29202649,0.4803290367,,0.7387076616,0.005724715069,0.1518433243,0.01248855423,0.1219699085,0.2220229357,0.06957278401,0.03759532794,0.05462887138,0.09650911391,,,,,,,,,,,41,0.1242333576,0.2865644991,1.71875,3.671638489,1.07109952,309.375,660.8948975,192.7979126,152.9092102,330,376.7682495,,,0.0851784274,0.5952830315,0.1914381385,0.1281004101 +Brazil,BRA,Latin America and Caribbean,LCN,1998,pnad,Rural,30582839,0.3535807133,0.1838905513,0.06149837747,0,0.5849208832,0.3587237,0.3018010259,0.05692268908,13904315,0.777454257,0.6164548993,0.1488406509,0.7524418831,0.07443369925,0.9678278565,0.03217216954,0.9356586933,0.06434128433,0.4099591374,0.570836544,0.01920430548,0.8044671416,0.195453614,,,0.1975524276,0,0.6908926368,0.1158177778,0.1932895929,0.353266418,0.3142834008,0.005734128412,0.0580240339,0.003909545019,0.04815007001,0.05847686529,0.01463435404,0.004331616685,0.01595590822,0.09989084303,,,,,,,,,,,41,0.3349483907,0.2342910767,1.035077572,2.211159706,0.645045042,186.3139648,398.0087585,116.1081009,152.9092102,241.5181122,232.8924713,0.8864442706,,0.1744745225,0.6984933615,0.08469823003,0.0423338674 +Brazil,BRA,Latin America and Caribbean,LCN,1998,pnad,Total,154356740,0.300116986,0.1950903535,0.05992119387,0.8018690944,0.6399618089,0.562593228,0.4689607752,0.0936324528,69835284,0.7069606619,0.5665879846,0.13984029,0.6415856988,0.05135418102,0.9075267315,0.09247323871,0.8256269693,0.1743730605,0.6317497492,0.3275652826,0.04068495333,0.5267591645,0.4732408057,,,0.4748394191,0,0.2025630474,0.2156115919,0.5818253756,0.8348623514,0.7842368484,0.00365246064,0.126615569,0.009476985782,0.07586657256,0.2091053873,0.04715820402,0.03826405108,0.04920507222,0.238092646,,,,,,,,,,,41,0.2251698822,0.2314302027,1.625,3.471367121,1.012675881,292.5,624.8461304,182.281662,152.9092102,315,327.2727356,0.8864442706,,0.08551615477,0.5777058005,0.1972806752,0.1394973695 +Brazil,BRA,Latin America and Caribbean,LCN,1998,pnad,Urban,123773901,0.2869068384,0.1978576779,0.05953149125,1,0.6535616517,0.3587237,0.3018010259,0.05692268908,55930969,0.6915592551,0.5565013885,0.1377734095,0.6172415614,0.04513266683,0.8925360441,0.1074639559,0.7966202497,0.2033797801,0.6915386915,0.261985749,0.04647557065,0.4518392086,0.5480710268,,,0.5495881438,0,0.0705056265,0.2425985187,0.6868958473,0.9541733861,0.9301054478,0.003089521779,0.1451645643,0.01098257117,0.08336185664,0.2498393804,0.05595352873,0.04744029418,0.05819654092,0.2754661143,,,,,,,,,,,41,0.1955770105,0.230659008,1.777777791,3.797735214,1.107884765,320,683.5923462,199.4192657,156.6964417,328.125,337.5,0.8864442706,,0.06378039718,0.5481929779,0.2247886658,0.1632379442 +Brazil,BRA,Latin America and Caribbean,LCN,1999,pnad,Female,80280929,0.2843723893,0.1915885806,0.0671557039,0.8112652302,0.6484718919,0.3547829688,0.2967366874,0.05804629624,30422648,0.5845353007,0.5845353007,0.2083234936,0.5115541816,0.04531836882,0.8751467466,0.1248532683,0.7692770362,0.2307229489,0.6399003863,0.3380677402,0.0220319014,0.5562160611,0.4436277449,,,0.4470248818,0,0.1789736152,0.1003762335,0.7206501365,0.8210263848,0.8447803855,0.000706977502,0.08947438747,0.003856056137,0.006338816136,0.186292544,0.01232047286,0.03794563189,0.04066477716,0.4434267282,,,,,,,,,,,41,0.3889851272,0.1363676637,1.5625,3.183213472,0.9737268686,281.25,572.9783936,175.2708282,153,281.25,288,,,0.08226877451,0.5499286652,0.2052965313,0.162506029 +Brazil,BRA,Latin America and Caribbean,LCN,1999,pnad,Higher education,50364100,0.2928984463,0.2622882426,0.02087350003,0.8823555708,0.6862280369,0.3547829688,0.2967366874,0.05804629624,25995492,0.7523982525,0.6748834848,0.06334259361,0.6642237902,0.06995623559,0.8828087449,0.1171912402,0.783853054,0.2161469311,0.731276691,0.2052595764,0.06346372515,0.3282430172,0.6717459559,,,0.6736806631,0,0.05173737928,0.1787981987,0.7694644332,0.9668949246,0.9323051572,0.003110611113,0.1373729706,0.01000764035,0.02830696665,0.2392137945,0.04577549547,0.09167028219,0.09186472744,0.3009401262,,,,,,,,,,,41,0.230634138,0.1626982093,2.75,5.602455616,1.713759303,495,1008.442017,308.4766846,191.25,483.75,506.25,0.8823529482,,0,0,0.4274556339,0.5725443363 +Brazil,BRA,Latin America and Caribbean,LCN,1999,pnad,Lower education,106796849,0.2962830365,0.1645668298,0.08040755987,0.7607068419,0.6233093739,0.3547829688,0.2967366874,0.05804629624,46434874,0.6977170706,0.5328703523,0.1849012971,0.6347903609,0.04152423888,0.9098106027,0.09018938988,0.8395718336,0.1604281962,0.560659349,0.4111902118,0.0281504374,0.6508877873,0.3489953279,,,0.3505758345,0,0.3028876185,0.2203774303,0.476734966,0.7186737657,0.6523116231,0.003475636709,0.116513662,0.007378688548,0.09300943464,0.1928621382,0.04649838433,0.00821361132,0.02592210099,0.2032387257,,,,,,,,,,,41,0.2368974388,0.2387654781,1.28125,2.610234976,0.7984560132,230.625,469.8423157,143.7220917,159.9665375,281.25,243.7499847,0.8823529482,,0.1111516729,0.7659440637,0.1229042783,0 +Brazil,BRA,Latin America and Caribbean,LCN,1999,pnad,Male,76880020,0.3065033555,0.2003670335,0.05524487421,0.7876039743,0.6382517815,0.3547829688,0.2967366874,0.05804629624,42007718,0.8563061357,,0.05727046356,0.7862647772,0.05582153797,0.9182052612,0.08179473132,0.847560823,0.1524392068,0.607476294,0.3391392231,0.05338445678,0.524271071,0.4757021666,,,0.4762511551,0,0.2387863845,0.2787316144,0.4824819863,,0.7207797766,0.005176923238,0.1477163285,0.01139082294,0.114447549,0.2251002192,0.06975957751,0.03744779155,0.05508685857,0.09508755058,,,,,,,,,,,41,0.1281918138,0.2641881704,1.761363626,3.588349819,1.097655773,317.0454407,645.9029541,197.5780182,161.7308807,337.5,384.3750305,,,0.08223102242,0.5843861699,0.1987478733,0.1346349567 +Brazil,BRA,Latin America and Caribbean,LCN,1999,pnad,Rural,31480815,0.346116364,0.1898395866,0.06086195633,0,0.5930216908,0.3547829688,0.2967366874,0.05804629624,14822572,0.7940063477,0.6521612406,0.1367585361,0.767521739,0.07480823249,0.9666443467,0.03335568309,0.9360665679,0.063933447,0.391379714,0.5881271958,0.02049307898,0.8021225333,0.1977657974,,,0.2000004202,0,0.7023465037,0.1025191694,0.1951343566,0.3360580802,0.3032640517,0.004521742929,0.05359277874,0.003199179657,0.04120546207,0.05907370895,0.01415810268,0.005177009385,0.01593483426,0.1007907018,,,,,,,,,,,41,0.3576973379,0.2049278468,1.078205943,2.196582317,0.6719219685,194.0770721,395.3848267,120.945961,159.9665375,258.7694092,246.447052,0.8823529482,,0.1667702347,0.694575727,0.09342915565,0.04522490874 +Brazil,BRA,Latin America and Caribbean,LCN,1999,pnad,Total,157160949,0.2951984107,0.195882827,0.06132915989,0.7996906042,0.6434724331,0.5540681345,0.4587584418,0.09530969274,72430366,0.7162194176,0.5845353007,0.1327383369,0.6446830949,0.05153232813,0.9001195431,0.09988044202,0.815515697,0.1844842881,0.6207174659,0.3387016654,0.0405808799,0.5373593516,0.4626406782,,,0.4643168449,0,0.2142983973,0.205711022,0.5799905658,0.8210263848,0.7687738538,0.003346879734,0.1238714531,0.008306009695,0.07018668205,0.2092119455,0.04624339566,0.03765161335,0.04918230698,0.2377013266,,,,,,,,,,,41,0.2346927524,0.2119897306,1.677209258,3.416905642,1.04521203,301.8976746,615.0430298,188.1381531,159.9665375,324,333.3333435,0.8823529482,,0.08225031197,0.5667852759,0.2020929307,0.1488714814 +Brazil,BRA,Latin America and Caribbean,LCN,1999,pnad,Urban,125680134,0.2824442983,0.1973965615,0.06144618616,1,0.6561095119,0.3547829688,0.2967366874,0.05804629624,57607794,0.6988295317,0.5704720616,0.1317696869,0.6170683503,0.04497610405,0.8830026388,0.1169973612,0.7818441391,0.2181558758,0.6853168607,0.2684439421,0.0462391749,0.4627275169,0.5372018814,,,0.538764894,0,0.07635954022,0.2348765284,0.6887639165,0.9499207735,0.9251416326,0.003014823887,0.1437345743,0.009749371558,0.07837774605,0.2516460717,0.05531178415,0.04683003202,0.05857916176,0.2763969004,,,,,,,,,,,41,0.2000455409,0.2139788717,1.8125,3.692527771,1.129523158,326.25,664.6550293,203.3141632,168.75,337.5,337.5,0.8823529482,,0.06119331345,0.534948051,0.2291650325,0.1746936291 +Brazil,BRA,Latin America and Caribbean,LCN,2001,pnad,Female,88638038,0.2748456597,0.1928702444,0.06885558367,0.8494961262,0.6562987566,0.348297596,0.2894049883,0.05889263377,33940845,0.5835038424,0.5835038424,0.2104512453,0.5124655962,0.04868384078,0.8782557249,0.1217442602,0.7753090262,0.2246910036,0.6701512933,0.3054823577,0.02436632477,0.5315808058,0.4683249593,,,0.4714854956,0,,,,,,,,,,,,,,,,,,,,,,,,,41,0.3644928038,0.1421020329,1.797009826,3.201149464,1.119869947,323.4617615,576.2069092,201.5765839,,,,,,0.07091242075,0.5256603956,0.214951992,0.1884751916 +Brazil,BRA,Latin America and Caribbean,LCN,2001,pnad,Higher education,60185780,0.2660399079,0.2751854062,0.02123838849,0.9125325084,0.7127217054,0.348297596,0.2894049883,0.05889263377,32223525,0.7512947917,0.6763170958,0.06922666728,0.6707179546,0.06889794767,0.8927494287,0.1072505862,0.8032042384,0.1967957467,0.7448368073,0.1930773258,0.06208588928,0.3344098032,0.6654516459,,,0.6672781706,0,,,,,,,,,,,,,,,,,,,,,,,,,41,0.218043521,0.1747516841,2.803030252,4.993249416,1.746806979,504.5454407,898.7849121,314.4252625,,,,0.9090909958,,0,0,0.4022969604,0.5977030396 +Brazil,BRA,Latin America and Caribbean,LCN,2001,pnad,Lower education,112542097,0.2959317863,0.1542550325,0.08405532688,0.7997362614,0.6200128794,0.348297596,0.2894049883,0.05889263377,47884589,0.6863046885,0.5208876729,0.1974942535,0.6255780458,0.03848915547,0.9115164876,0.08848351985,0.8387128711,0.161287114,0.5798550248,0.3919487596,0.028196197,0.6441460252,0.3557576239,,,0.3574387431,0,,,,,,,,,,,,,,,,,,,,,,,,,41,0.2257455736,0.2488778979,1.477272749,2.631577492,0.920614481,265.9091187,473.68396,165.7106323,,,,0.9090909958,,0.1003410518,0.7665801048,0.1330788583,0 +Brazil,BRA,Latin America and Caribbean,LCN,2001,pnad,Male,84089839,0.2967638373,0.2001049519,0.05511710048,0.8280168176,0.6481190324,0.348297596,0.2894049883,0.05889263377,46167269,0.847184062,,0.0580763258,0.781840682,0.05188844725,0.9228699207,0.07713010162,0.8534326553,0.1465673596,0.6280728579,0.318169713,0.0537574254,0.5137683749,0.486105293,,,0.4868443906,0,,,,,,,,,,,,,,,,,,,,,,,,,41,0.1234733537,0.2735320926,1.988636374,3.542508364,1.239288688,357.9545593,637.6514893,223.0719757,,,,,,0.07104035467,0.5595269799,0.2086507231,0.1607819647 +Brazil,BRA,Latin America and Caribbean,LCN,2001,pnad,Rural,27802404,0.3324264586,0.1899246871,0.06746233255,0,0.6001111865,0.348297596,0.2894049883,0.05889263377,13046302,0.7819668055,0.6302082539,0.1487946063,0.7602413893,0.06629445404,0.9722169638,0.02778304555,0.9476618171,0.05233818293,0.3754797876,0.6018624902,0.02265773714,0.8269313574,0.1728519648,,,0.1758724451,0,,,,,,,,,,,,,,,,,,,,,,,,,41,0.3479694128,0.2212286592,1.198006511,2.134099483,0.7465799451,215.6411743,384.1379395,134.3843842,,,,0.9090909958,,0.1502150595,0.7064702511,0.09868940711,0.04462527484 +Brazil,BRA,Latin America and Caribbean,LCN,2001,pnad,Total,172727877,0.2855161726,0.1963923424,0.06216721982,0.8390392661,0.6523165852,0.5329979344,0.4376957127,0.0953022217,80108114,0.7109771634,0.5835038424,0.134872213,0.6427002064,0.05056931078,0.9039674401,0.09603258222,0.8208461404,0.1791538447,0.6453940272,0.3129470944,0.04165887833,0.5211595989,0.4788404309,,,0.4805219769,0,,,,,,,,,,,,,,,,,,,,,,,,,41,0.2226858735,0.2194306254,1.875,3.340079308,1.16847229,337.5,601.2142944,210.3249969,,,,0.9090909958,,0.07097502053,0.5422310233,0.2118688226,0.1749251038 +Brazil,BRA,Latin America and Caribbean,LCN,2001,pnad,Urban,144925473,0.2765169442,0.1976331025,0.06115141138,1,0.6623316407,0.348297596,0.2894049883,0.05889263377,67061812,0.698718369,0.5761303902,0.1323053837,0.6223415136,0.04723010585,0.8906900287,0.109309949,0.7943734527,0.2056265473,0.7027100325,0.2515962124,0.0456937477,0.4561580122,0.5437508821,,,0.5452056527,0,,,,,,,,,,,,,,,,,,,,,,,,,41,0.1960821301,0.219048813,1.988636374,3.542508364,1.239288688,357.9545593,637.6514893,223.0719757,,,,0.9090909958,,0.05558720976,0.5103370547,0.2338473946,0.2002283335 +Brazil,BRA,Latin America and Caribbean,LCN,2002,pnad,Female,89620014,0.2673640847,0.1901415437,0.07183536142,0.8520461917,0.6608005166,0.3437455297,0.2829237282,0.0608218126,35527256,0.5999101996,0.5999101996,0.1929117292,0.5288979411,0.04918666929,0.8816284537,0.1183715388,0.7718973756,0.2281025946,0.6648857594,0.3081427217,0.02697150409,0.5382431746,0.4617412388,,,0.4643779695,0,0.1471833289,0.1279681027,0.7248485684,0.8528167009,0.8734176755,0.0006077829748,0.1209494919,0.001741529559,0.004669296555,0.2002652735,0.01277516782,0.06028875709,0.04382650927,0.4076928794,0.04165017232,0.08542620391,0.08700893819,0.1135616228,0.4317664504,0.1461945027,0.07691217959,0.01376167592,0.002988649532,0.0007295867545,41,0.3767749965,0.1364022344,1.927083373,3.165377855,1.20092988,346.875,569.7680054,216.1673584,187.4999847,337.5,360,,,0.06762050837,0.5095626712,0.2169469148,0.2058699131 +Brazil,BRA,Latin America and Caribbean,LCN,2002,pnad,Higher education,62918142,0.2454797477,0.2816451788,0.02194038033,0.9136253595,0.7325798869,0.3437455297,0.2829237282,0.0608218126,35091115,0.761318326,0.6865150928,0.0709034428,0.6784265637,0.06898989528,0.8911206722,0.108879298,0.7965657115,0.2034343034,0.7423276901,0.1948758215,0.0627964735,0.3488735557,0.651106298,,,0.6527231932,0,0.04959572479,0.1904256195,0.759978652,0.9660238624,0.9342936873,0.00297365454,0.1472889036,0.006789397914,0.03337366134,0.2414267361,0.04796007276,0.1185439602,0.08727092296,0.2647769749,0.09431353956,0.1367036402,0.148633793,0.160043776,0.2365100682,0.04842653498,0.1185799241,0.01791974716,0.02148014121,0.01738882996,41,0.2260995656,0.1689314097,2.9375,4.825062275,1.830606461,528.75,868.5111694,329.5091553,235.2449188,506.25,550,0.9000000954,,0,0,0.3844187856,0.6155812144 +Brazil,BRA,Latin America and Caribbean,LCN,2002,pnad,Lower education,112039992,0.2977835238,0.1462975442,0.08821951598,0.8004741669,0.613996923,0.3437455297,0.2829237282,0.0608218126,47753497,0.6941701174,0.5363583565,0.1896080077,0.6370671988,0.04038529471,0.9177392721,0.08226069808,0.8462232351,0.1537767798,0.5739954114,0.3982264996,0.02777806297,0.6543977261,0.3455587327,,,0.3467313051,0,0.2825779319,0.241916582,0.4755054712,0.7490345836,0.6555538177,0.003679890884,0.1334042698,0.002378991805,0.102453433,0.1901884526,0.04878197983,0.03372402862,0.02568856999,0.1771224588,0.02311495692,0.007555231452,0.02329989523,0.02462226152,0.3393973708,0.27934286,0.2515912354,0.02514876053,0.02389078774,0.002036610851,41,0.240056783,0.2431808412,1.5625,2.566522598,0.9737268686,281.25,461.9740601,175.2708282,206.2500153,337.5,300,0.9000000954,,0.1001997292,0.7628899217,0.1369103789,0 +Brazil,BRA,Latin America and Caribbean,LCN,2002,pnad,Male,85338120,0.2911667228,0.2000428289,0.05655943602,0.8297386765,0.6522738338,0.3437455297,0.2829237282,0.0608218126,47317356,0.8500558138,,0.06309070438,0.7863965631,0.05452165008,0.925111711,0.07488828897,0.8540907502,0.1459092498,0.6292117834,0.3174165487,0.05337164924,0.5192554593,0.4806976616,,,0.4811432064,0,0.212950632,0.2868447006,0.5002046824,,0.753185153,0.005379486363,0.1522863507,0.005994496401,0.1231843606,0.2196422517,0.07404047251,0.07538713515,0.05676230788,0.07437250763,0.06071395427,0.04409446195,0.06724758446,0.05772292241,0.1998049021,0.2096574306,0.2815623581,0.02813250944,0.03712498024,0.01393889636,41,0.132259205,0.2665439248,2.099999905,3.449406147,1.308688879,378,620.8930664,235.5639954,207.0155334,400.0000305,450,,,0.07029456645,0.540681541,0.2112364024,0.1777874976 +Brazil,BRA,Latin America and Caribbean,LCN,2002,pnad,Rural,27789403,0.3245144188,0.1921996623,0.0677370429,0,0.6077485085,0.3437455297,0.2829237282,0.0608218126,13338499,0.7897757888,0.6476219893,0.1345473975,0.7681994438,0.07086636126,0.9726804495,0.02731956542,0.9448212981,0.05517867953,0.372466743,0.6093906164,0.01814267226,0.8285673857,0.17137824,,,0.1732844412,0,0.7443118691,0.08855730295,0.167130813,0.3111588359,0.2650732696,0.003949463367,0.05573284999,0.00111294433,0.02776204422,0.050793726,0.01127494499,0.007477927487,0.01491265185,0.0826715678,0.01347777806,0.007641302422,0.02387541905,0.01121773664,0.1096329093,0.7360199094,0.0775443539,0.01441163849,0.005072260741,0.001106666634,41,0.359965086,0.2112244815,1.397674322,2.295784235,0.8710099459,251.5813904,413.2411499,156.7817993,207.0155334,323.4617615,323.4617615,0.9000000954,,0.145826757,0.6961891055,0.1033592895,0.05462484807 +Brazil,BRA,Latin America and Caribbean,LCN,2002,pnad,Total,174958134,0.2789741457,0.194971025,0.06438432634,0.8411654234,0.6566415429,0.5229009278,0.4248499789,0.09805094885,82844612,0.7211104263,0.5999101996,0.1279426217,0.6536608424,0.05229647085,0.9064642787,0.0935357362,0.8196415901,0.1803584248,0.6440913081,0.3135484755,0.04236021265,0.5271929454,0.4728070546,,,0.4741504192,0,0.1854682863,0.2204545587,0.5940771699,0.8528167009,0.8007424474,0.003385523567,0.1391915381,0.004217299167,0.07366019487,0.2115451545,0.04843939841,0.0690779388,0.05135679618,0.213657856,0.05276259407,0.06133362278,0.07548989356,0.08101282269,0.296554327,0.1831875294,0.1962043047,0.02213854343,0.02288697474,0.008429393172,41,0.2342448831,0.2122628093,2.057291746,3.379254818,1.282073736,370.3125305,608.2658691,230.7732849,207.0155334,382.5,393.75,0.9000000954,,0.06893252581,0.5248310566,0.2141450644,0.1920913458 +Brazil,BRA,Latin America and Caribbean,LCN,2002,pnad,Urban,147168731,0.2703749239,0.1954943389,0.06375124305,1,0.6658738256,0.3437455297,0.2829237282,0.0608218126,69506113,0.7092763782,0.5924994349,0.1267164797,0.6339208484,0.04841814935,0.8937571049,0.1062428877,0.7931826115,0.2068174034,0.7008183002,0.2517637908,0.04741788656,0.4642292857,0.5357411504,,,0.5369847417,0,0.06852590293,0.2480551004,0.6834189892,0.955087781,0.9359262586,0.003267514752,0.1566559225,0.004866909701,0.08326474577,0.2451836467,0.05621635169,0.08196822554,0.05898301676,0.2410677671,0.06096723303,0.0725472644,0.08626957983,0.09558953345,0.3355928659,0.06772844493,0.2209864557,0.02375230752,0.02660758048,0.00995874498,41,0.2079882175,0.2124796659,2.142857075,3.519802332,1.335396767,385.7142639,633.5644531,240.3714142,204.5454407,391.3043518,403.1249695,0.9000000954,,0.05414414778,0.4918752909,0.2354515046,0.2185290605 +Brazil,BRA,Latin America and Caribbean,LCN,2003,pnad,Female,90768817,0.2603556514,0.1886407137,0.07346634567,0.8533234,0.6661779881,0.3393498361,0.2768149078,0.06253494322,36558185,0.6045854092,0.6045854092,0.1927679777,0.5284187794,0.0514080748,0.8740184307,0.1259815544,0.7547876835,0.2452123314,0.6686345339,0.3061182797,0.02524720505,0.5270848274,0.472897172,,,0.4754713178,0,0.1442975104,0.1286188662,0.7270836234,0.8557025194,0.8765413165,0.0008877650835,0.122123085,0.001871393877,0.003736618208,0.2045517564,0.01314378995,0.0622824505,0.04611652344,0.4009891152,0.04170934483,0.090667665,0.08385849744,0.1155687273,0.4328590333,0.1437702477,0.07574564964,0.01361951698,0.001405585208,0.0007957429625,40,0.374817282,0.1309282035,2.1875,3.132215738,1.363217592,393.75,563.7988281,245.3791656,216,378.4091187,400.0000305,,,0.0629131496,0.4927888513,0.2256737351,0.2186242789 +Brazil,BRA,Latin America and Caribbean,LCN,2003,pnad,Higher education,66184547,0.2278037518,0.2897065282,0.02374279313,0.915127337,0.7484534383,0.3393498361,0.2768149078,0.06253494322,37636695,0.759783864,0.6874378324,0.07239251584,0.6709486246,0.06784333289,0.8830782771,0.1169217452,0.7853498459,0.2146501243,0.7438054085,0.1978967041,0.05829791352,0.342107445,0.6578810215,,,0.6591867208,0,0.05028889328,0.1901769489,0.7595341802,0.9690540433,0.925393939,0.003868721658,0.1476137489,0.006748230662,0.03194624558,0.2468250692,0.04654680565,0.119736068,0.08610018343,0.2603260577,0.08859110624,0.1361648142,0.1422818303,0.1605984271,0.2471529245,0.04925733432,0.1232438609,0.01692112535,0.01858608983,0.01720247604,40,0.2208893895,0.1648426056,3.125,4.474594116,1.947453737,562.5,805.4269409,350.5416565,269.1201782,562.5,562.5,0.9166666269,,0,0,0.3834001124,0.6165998578 +Brazil,BRA,Latin America and Caribbean,LCN,2003,pnad,Lower education,111062120,0.2980492115,0.1380014271,0.0915427506,0.7994767427,0.6104080081,0.3393498361,0.2768149078,0.06253494322,47058818,0.6941523552,0.538199842,0.194727242,0.6343189478,0.04196768254,0.9138035774,0.08619643003,0.8424426913,0.1575573236,0.5681527257,0.4034006,0.02844668366,0.6510166526,0.3489699662,,,0.3505133092,0,0.2927032113,0.2344069928,0.472889781,0.7437040806,0.6316880584,0.004233623389,0.1327028722,0.002495910972,0.09497459233,0.1924213916,0.04930268973,0.03412067518,0.02572279237,0.1713222265,0.02190848626,0.007798031904,0.0210676752,0.02425962687,0.3386979103,0.2904174924,0.2458342016,0.02519175783,0.02276166901,0.002063158434,40,0.2466971278,0.2360426039,1.770833373,2.535603285,1.10355711,318.75,456.4085999,198.640274,240.0000153,374.9999695,337.5,0.9166666269,,0.09546969086,0.7604038119,0.1441264749,0 +Brazil,BRA,Latin America and Caribbean,LCN,2003,pnad,Male,86477850,0.2838517725,0.2009547204,0.05862639844,0.8314697742,0.6575218439,0.3393498361,0.2768149078,0.06253494322,48137328,0.8465778828,,0.06168016046,0.7788479924,0.05457574874,0.9199957252,0.0800042972,0.8488464355,0.1511535347,0.6274798512,0.3193620741,0.05315805972,0.5086014867,0.4913898408,,,0.4920112789,0,0.2177501321,0.2776943147,0.5045555234,,0.7443689108,0.006380532868,0.1515760869,0.006146655418,0.1135910451,0.2245674431,0.07339786738,0.07814356685,0.05638230965,0.07206436247,0.05766653642,0.04434498399,0.06673356891,0.06070037559,0.2020572126,0.2152363062,0.2765510082,0.02733415365,0.03503640741,0.01433945447,40,0.1348898262,0.2584482133,2.363636255,3.384419918,1.472983122,425.4545288,609.1956177,265.1369629,247.5,450,487.4999695,,,0.06459563226,0.5230953097,0.2215556949,0.1907533705 +Brazil,BRA,Latin America and Caribbean,LCN,2003,pnad,Rural,27887798,0.3161038756,0.1908601373,0.06870958209,0,0.6151865125,0.3393498361,0.2768149078,0.06253494322,13499220,0.7868421674,0.6391990185,0.1368050575,0.765252769,0.07220880687,0.9725619555,0.02743802965,0.9434351325,0.05656488985,0.3682829142,0.6114141345,0.02030295506,0.8184521198,0.1815478951,,,0.1840178668,0,0.7439724803,0.08848638833,0.1675411016,0.3169462085,0.2482747883,0.005449917633,0.05526299775,0.0007109848084,0.02706248313,0.05019552633,0.01363375317,0.00813846942,0.01253849361,0.08303486556,0.01181895286,0.009008191526,0.02253460884,0.01067490596,0.1110952944,0.7376907468,0.079005301,0.01304594707,0.004273877479,0.0008521705167,40,0.3648529649,0.2104726285,1.568299532,2.245601177,0.9773410559,282.2939148,404.2082214,175.9213867,249.1853638,376.3919067,366.5900269,0.9166666269,,0.1340375543,0.6798459291,0.1246562004,0.06146034226 +Brazil,BRA,Latin America and Caribbean,LCN,2003,pnad,Total,177246667,0.2718192935,0.1946486533,0.0662259981,0.8426610827,0.6619547009,0.5106773789,0.4106312609,0.100046118,84695513,0.7218617912,0.6045854092,0.1267387867,0.6497838491,0.05324814096,0.9001499414,0.0998500362,0.8095628023,0.1904371828,0.6447282434,0.3138114512,0.04146029055,0.5163545887,0.4836454411,,,0.4850792289,0,0.1869108081,0.2151044905,0.5979847312,0.8557025194,0.7959497571,0.004074376076,0.1392101496,0.004351672716,0.06746829301,0.2161637843,0.04809999093,0.07148422301,0.05207218602,0.2101645172,0.05097868666,0.06375937164,0.07391083241,0.08369635046,0.2987889946,0.1852840334,0.1923910975,0.02158618718,0.02094133012,0.008663124405,40,0.2354462743,0.2050030529,2.272727251,3.25425005,1.41632998,409.0908813,585.7650146,254.9393768,245.4545593,429.5454712,450,0.9166666269,,0.06373980641,0.5076793432,0.2236504257,0.2049304396 +Brazil,BRA,Latin America and Caribbean,LCN,2003,pnad,Urban,149358869,0.2635506392,0.1953560412,0.06576227397,1,0.6706870794,0.3393498361,0.2768149078,0.06253494322,71196293,0.7107328773,0.5992187858,0.1249025092,0.6300080419,0.04930372536,0.8864202499,0.113579765,0.7824404836,0.2175595313,0.702237606,0.2519007325,0.04586168006,0.4535009563,0.5464838743,,,0.5477104187,0,0.07082233578,0.241490975,0.6876866817,0.9554027915,0.9301005006,0.003787721042,0.156704247,0.005110370927,0.07588863373,0.2507506311,0.05528255552,0.08468511701,0.060310781,0.2366576195,0.05912514403,0.07514933497,0.08459869772,0.09888710827,0.3378351629,0.07036608458,0.2159789056,0.02336282469,0.02440868318,0.0102880476,40,0.208525613,0.2038652152,2.380952358,3.409214497,1.483774304,428.5714417,613.6585693,267.0793762,240.0000153,437.625,450,0.9166666269,,0.0501395911,0.4743709862,0.2428024113,0.2326870114 +Brazil,BRA,Latin America and Caribbean,LCN,2004,pnad,Female,94013740,0.259552151,0.1864707917,0.07395868003,0.8388959765,0.6664891839,0.3388416767,0.2759932876,0.0628483966,38662471,0.6170284152,0.6170284152,0.1891365945,0.5433664322,0.04814659059,0.880618155,0.1193818152,0.7673629522,0.2326370478,0.6735128164,0.3008809686,0.02560622618,0.5307026505,0.4692611992,,,0.4722664058,0,0.1456194073,0.1291838735,0.7251967192,0.8543806076,0.8703387976,0.000667502929,0.123100847,0.001590745291,0.003824777436,0.2034653127,0.01361343917,0.06194778532,0.04607110471,0.4000990689,0.04005783051,0.08810415119,0.08090510219,0.1181398556,0.4352526069,0.1449176818,0.07554998994,0.01464295946,0.001483572298,0.0009462542366,40,0.3761023879,0.1233394518,2.321428537,3.118209839,1.446679831,417.8571167,561.277771,260.4023743,258.7694092,409.0908813,429.5454712,,,0.06087623537,0.477599591,0.2260896713,0.2354345024 +Brazil,BRA,Latin America and Caribbean,LCN,2004,pnad,Higher education,69979533,0.2189049721,0.2863750458,0.02330461331,0.9034978151,0.7577903867,0.3388416767,0.2759932876,0.0628483966,40671791,0.7669607997,0.6954734921,0.07542353123,0.6841503382,0.06371051818,0.8920277953,0.1079721823,0.7988263369,0.2011736333,0.7499822974,0.1935998797,0.05641781166,0.3455013633,0.6544808149,,,0.6558487415,0,0.05421117693,0.196931228,0.7488576174,0.9661483765,0.9213576913,0.004117978271,0.1546118408,0.006889373995,0.03131203726,0.2422370315,0.04871616885,0.1147665754,0.08385424316,0.2592835724,0.08428569138,0.1301642209,0.138175711,0.1587761641,0.2522016168,0.05323366448,0.1291268319,0.01948351227,0.0184616372,0.01609093323,40,0.2219662368,0.1580249667,3.25,4.365493774,2.025351763,585,785.7888794,364.563324,295.7364807,571.5,600,0.8999999762,,0,0,0.3691112697,0.6308887601 +Brazil,BRA,Latin America and Caribbean,LCN,2004,pnad,Lower education,113374322,0.303720206,0.1326657087,0.09308599681,0.7803706527,0.6031937599,0.3388416767,0.2759932876,0.0628483966,48097090,0.7033107281,0.5499053597,0.1897106618,0.6490900517,0.04115864635,0.922906518,0.07709345967,0.8490276933,0.1509723067,0.5698533058,0.402310133,0.02783657424,0.6560071707,0.3439757526,,,0.3457222283,0,0.304090023,0.231513828,0.4643961489,0.7372168899,0.6052103639,0.004076598678,0.1316907853,0.002360034734,0.09338641167,0.186151877,0.04619408399,0.03291819617,0.02582287416,0.1733091176,0.02097579278,0.006483458448,0.01996777579,0.02397015318,0.3384288251,0.3008457422,0.2403329909,0.02416373789,0.02321140841,0.001620081719,40,0.2531889975,0.2193647474,1.902173877,2.555054903,1.185406566,342.3912964,459.9098816,213.3731842,269.1201782,409.0908813,356.25,0.8999999762,,0.09712421149,0.7545778751,0.1482979059,0 +Brazil,BRA,Latin America and Caribbean,LCN,2004,pnad,Male,89340115,0.2837636173,0.1964454353,0.05855461583,0.8152284026,0.6576817632,0.3388416767,0.2759932876,0.0628483966,50106410,0.8527681828,,0.05978271365,0.7934769392,0.05360480398,0.9304720163,0.06952796876,0.8580912352,0.1419087648,0.6343255639,0.3139680624,0.05170641094,0.5058860779,0.4941101968,,,0.4946424961,0,0.2252489179,0.2795328498,0.4952182174,,0.7308075428,0.006607700605,0.1558739245,0.006458462216,0.1105927676,0.2172284722,0.07204331458,0.07551183552,0.05626707897,0.07416752726,0.05630677566,0.04312349483,0.06745336205,0.06010343134,0.2006222755,0.2220300436,0.2741308808,0.02747441456,0.03538235649,0.01337295305,40,0.1391329616,0.2417558432,2.556818247,3.434391975,1.593371272,460.2272644,618.1905518,286.8068237,270.5316467,499.9999695,525,,,0.06591431797,0.5072900057,0.22404401,0.2027516663 +Brazil,BRA,Latin America and Caribbean,LCN,2004,pnad,Rural,31653504,0.3216616213,0.191501081,0.06562126428,0,0.6127171516,0.3388416767,0.2759932876,0.0628483966,15420392,0.7950850725,0.6540208459,0.1364875734,0.7722507119,0.06966616958,0.9712806344,0.02871937305,0.9419827461,0.05801723897,0.3764871657,0.6020798683,0.02143297531,0.8143677711,0.1855931729,,,0.1895045638,0,0.7259696722,0.09170884639,0.182321474,0.337251991,0.2673756182,0.004606975708,0.05966662616,0.0007452254067,0.02669001929,0.05703109875,0.01332749706,0.00842841994,0.01642563939,0.08710882068,0.012207889,0.008952746168,0.02199281566,0.01347385254,0.1254319847,0.7189206481,0.07766027749,0.01492449176,0.00537011167,0.001065195771,40,0.3788254559,0.1913078725,1.797009826,2.413795471,1.119869947,323.4617615,434.4831848,201.5765839,276.0207214,402.5301819,403.6802979,0.8999999762,,0.1340427548,0.6662688851,0.1285681278,0.07112024724 +Brazil,BRA,Latin America and Caribbean,LCN,2004,pnad,Total,183353855,0.2713493109,0.1913309991,0.06645296514,0.8273638487,0.6621977389,0.5101229681,0.4097708206,0.1003521475,88768881,0.7311104752,0.6170284152,0.1244234443,0.6644029613,0.05130114406,0.9087586403,0.09124135226,0.819547534,0.180452466,0.6508646607,0.3084445894,0.04069072381,0.516368972,0.4836309981,,,0.4851987362,0,0.191568777,0.2159411758,0.5924900174,0.8543806076,0.78643471,0.004095232114,0.1420122087,0.004399610683,0.06543412805,0.2114071995,0.04732978716,0.06977478415,0.05195458233,0.2120236903,0.04944884405,0.06210775673,0.07313072681,0.08459793031,0.2996489406,0.1894844621,0.1903190315,0.02205884829,0.02107524313,0.008128215559,40,0.2391468436,0.1917777359,2.5,3.358072281,1.557963014,450,604.4530029,280.4333496,270,468.7500305,468,0.8999999762,,0.06334938854,0.492174387,0.2250854671,0.2193907499 +Brazil,BRA,Latin America and Caribbean,LCN,2004,pnad,Urban,151700351,0.2608512342,0.1912955046,0.06662651151,1,0.6725222468,0.3388416767,0.2759932876,0.0628483966,73348489,0.7189487219,0.610675931,0.1219034567,0.6439008117,0.04711398482,0.8956143856,0.1043856367,0.790715754,0.2092842609,0.713421762,0.2414968312,0.04508142173,0.448415339,0.5515722036,,,0.5526141524,0,0.06948731095,0.2443214953,0.6861912012,0.9590570331,0.9323793054,0.003978326451,0.1608236879,0.00523443846,0.07428504527,0.2466737181,0.05509745702,0.08378908038,0.06007101014,0.2405599207,0.05793964863,0.07422690839,0.08478998393,0.1008139625,0.3393697739,0.06877494603,0.2160048187,0.02368545532,0.02465595491,0.009738558903,40,0.2073006183,0.1918848604,2.549999952,3.425233603,1.589122176,459,616.5419922,286.0419922,270,472.5,468.7500305,0.8999999762,,0.04816772789,0.4547869563,0.2458129227,0.2512323856 +Brazil,BRA,Latin America and Caribbean,LCN,2005,pnad,Female,95088402,0.2543813884,0.1843835562,0.07613345236,0.8360453248,0.6694851518,0.3351648748,0.270771116,0.06439377367,40186047,0.6312578321,0.6312578321,0.1827316433,0.5526755452,0.05167511106,0.8755146861,0.124485299,0.751563251,0.248436749,0.667824626,0.3055870235,0.02658833377,0.5219593644,0.4780406356,,,0.4814664125,0,0.1443604827,0.133091256,0.7225482464,0.8556395173,0.8794703484,0.0007034501177,0.126489684,0.001699182205,0.004198947921,0.2079393268,0.01488849521,0.06058986112,0.0461859256,0.3929446638,0.04420387745,0.09043415636,0.08197444677,0.1187951416,0.4268197417,0.1439059079,0.07468250394,0.01717985421,0.001117598498,0.0008867515135,40,0.3853442073,0.1208750978,2.556818247,3.213696003,1.593371272,460.2272644,578.465271,286.8068237,294.8275757,450,468.7500305,,,0.05563886836,0.4698050916,0.2283285558,0.246227473 +Brazil,BRA,Latin America and Caribbean,LCN,2005,pnad,Higher education,72721215,0.2057313323,0.286480546,0.02439158969,0.900103271,0.7698770761,0.3351648748,0.270771116,0.06439377367,43624680,0.779201448,0.710711062,0.07086223364,0.6915717125,0.06780897081,0.8875390887,0.1124608815,0.7890734076,0.2109265774,0.7517383695,0.1925232112,0.05573841557,0.3422148228,0.6577851772,,,0.6593494415,0,0.05586208776,0.1981646419,0.745973289,0.9630086422,0.9221471548,0.003709975863,0.1533354074,0.006842408329,0.03427685797,0.2503851056,0.04849224165,0.1137984991,0.08062458038,0.2526728511,0.08639261872,0.1276275367,0.1375301629,0.1565294862,0.2543183863,0.05516969785,0.1290852875,0.01985988207,0.01907147467,0.01441547088,40,0.2247508913,0.1549617648,3.625,4.556306839,2.259046316,652.5,820.1352539,406.6283264,328.125,652.5,675,0.9000000358,,0,0,0.3576853573,0.6423146725 +Brazil,BRA,Latin America and Caribbean,LCN,2005,pnad,Lower education,112797028,0.3038527668,0.1281432807,0.09658159316,0.7762473226,0.5995656252,0.3351648748,0.270771116,0.06439377367,47914180,0.708483398,0.5586931705,0.1897877157,0.652167201,0.04287164658,0.9205116034,0.07948836684,0.8345918059,0.1654081792,0.5624400973,0.4079312384,0.02962866798,0.6514223218,0.3485776782,,,0.3504728973,0,0.2996886969,0.2386747003,0.4616366029,0.7351847291,0.6198701262,0.003944500349,0.1370530874,0.002133215545,0.09554389119,0.1878208369,0.04579785094,0.0324392803,0.02516932227,0.1704093218,0.02249310538,0.00768891722,0.0195943322,0.02221946605,0.3346571028,0.2972462773,0.2401694208,0.03100321069,0.02326046862,0.001667680917,40,0.2628773451,0.2136870474,2.156411886,2.71042037,1.343843937,388.1541443,487.8756714,241.891922,310.5232849,450,393.75,0.9000000358,,0.08963634074,0.759108901,0.1512547582,0 +Brazil,BRA,Latin America and Caribbean,LCN,2005,pnad,Male,90429841,0.2769661248,0.1963362545,0.06002990901,0.8129703403,0.6630039811,0.3351648748,0.270771116,0.06439377367,51352813,0.8565176725,,0.05720910802,0.7946029902,0.05663723126,0.9277134538,0.07228655368,0.847452879,0.1525471359,0.63845855,0.30844751,0.05309395492,0.4957334101,0.5042666197,,,0.5047624707,0,0.216091603,0.2838929296,0.5000154376,,0.749491334,0.006154721603,0.158147186,0.006292061415,0.1132989675,0.2238951027,0.07089437544,0.07787749916,0.05478543043,0.07256304473,0.05839182064,0.04405681044,0.06937450916,0.06005328149,0.2013003975,0.2137499899,0.2721039355,0.03215557709,0.03620887548,0.01260481216,40,0.141447261,0.2345029861,2.84375,3.57434392,1.772182941,511.875,643.381897,318.9929199,315,552.2727051,562.5,,,0.05889742821,0.5002146959,0.2233019024,0.217585966 +Brazil,BRA,Latin America and Caribbean,LCN,2005,pnad,Rural,32503251,0.3170218468,0.1914945692,0.06593180448,0,0.6170463562,0.3351648748,0.270771116,0.06439377367,16052222,0.8003695607,0.6656394601,0.132085979,0.775668323,0.07499916852,0.9691376686,0.03086233139,0.9327199459,0.06728003174,0.3881856203,0.5893307924,0.02248358913,0.8029737473,0.1970262825,,,0.2008847892,0,0.6982597709,0.1124981269,0.1892420799,0.3621121347,0.3142524362,0.005269438028,0.07793144882,0.001050707535,0.02824653685,0.05980690196,0.01375440694,0.008674291894,0.01581030898,0.09119616449,0.01273480617,0.01011492498,0.02394256368,0.01291877683,0.1258702576,0.6931068897,0.08157609403,0.03252889961,0.006115391385,0.001091418904,40,0.3883622587,0.1785064787,2.096511364,2.635130644,1.306514859,377.3720703,474.3235168,235.1726837,323.4617615,452.8464966,431.2823486,0.9000000358,,0.1173988506,0.6637375951,0.139506951,0.07935662568 +Brazil,BRA,Latin America and Caribbean,LCN,2005,pnad,Total,185518243,0.2653901875,0.1902098358,0.06828386337,0.8247975707,0.6663259566,0.5007670009,0.3982888328,0.1024781681,91538860,0.7405120765,0.6312578321,0.1195756793,0.6700137804,0.05452933535,0.9047979116,0.09520208091,0.8067382574,0.1932617277,0.6509331465,0.3072323799,0.04183444381,0.5068741441,0.4931258857,,,0.4948663712,0,0.1855637431,0.2197136432,0.5947226286,0.8556395173,0.8010216951,0.003834729316,0.1446741521,0.004337389953,0.06686738133,0.2171045244,0.04705898091,0.07052010298,0.05112558976,0.2089134008,0.05236482248,0.06375777721,0.07472693175,0.08500666171,0.297100395,0.1840804219,0.1882398576,0.02579393238,0.02130219899,0.007627012674,40,0.2450539917,0.1862341762,2.760416746,3.469601393,1.720250845,496.8750305,624.5282593,309.6451721,310.5232849,514.2857666,519.7959595,0.9000000358,,0.05724550784,0.48479864,0.22585015,0.2321057171 +Brazil,BRA,Latin America and Caribbean,LCN,2005,pnad,Urban,153014992,0.2544226646,0.1899369359,0.06878349185,1,0.6767938733,0.3351648748,0.270771116,0.06439377367,75486638,0.7289196849,0.6252241135,0.116896458,0.6495520473,0.04979531094,0.8911160827,0.1088839173,0.7773611546,0.2226388454,0.7116983533,0.2419919372,0.04630968347,0.4383956492,0.5616043806,,,0.5628550053,0,0.06686962396,0.2445350885,0.688595295,0.9579972625,0.937433362,0.003502580337,0.1601257324,0.005098288879,0.07580848038,0.2535204589,0.05476931483,0.08483800292,0.05930142105,0.2361660898,0.06152999401,0.07616367191,0.08647175133,0.1016783044,0.3367004991,0.06635869294,0.2129078209,0.02423634753,0.02481442876,0.009138489142,40,0.2119113356,0.1880213469,2.840909004,3.570773125,1.770412445,511.3636169,642.7391968,318.6742249,306.8182068,522,531.8182373,0.9000000358,,0.04400717467,0.4454183877,0.2448522598,0.2657221854 +Brazil,BRA,Latin America and Caribbean,LCN,2006,pnad,Female,96270143,0.2479348481,0.1814022064,0.07814676315,0.8402612209,0.6739183664,0.3316269815,0.2651796639,0.06644733995,40891835,0.6302860379,0.6302860379,0.1874813884,0.5592967272,0.05443929508,0.8873697519,0.1126302332,0.7705127001,0.2294873148,0.6799006462,0.2920661569,0.0280332081,0.5102972388,0.4897027314,,,0.4946324825,0,0.1350801587,0.1306379288,0.7342818975,0.8649198413,0.886523366,0.0007909902488,0.1232490465,0.001953930594,0.004643959459,0.2093087882,0.01439111494,0.06580460072,0.04618815333,0.3985892534,0.04520892352,0.09549272805,0.08160170168,0.1215616614,0.430557251,0.1348648518,0.07441398501,0.01462454908,0.0007358724833,0.000938484096,40,0.3791718483,0.1217781082,2.857142925,3.44696784,1.780529141,514.2857666,620.4541626,320.4952698,350,506.25,525,,,0.05025966093,0.4558609128,0.2308330238,0.2630463839 +Brazil,BRA,Latin America and Caribbean,LCN,2006,pnad,Higher education,75807631,0.1915239245,0.2808932066,0.02606269345,0.9023867846,0.7824133635,0.3316269815,0.2651796639,0.06644733995,46000437,0.7755553126,0.7063804269,0.07885808498,0.6970566511,0.06890592724,0.8987839818,0.1012160406,0.8063549399,0.1936450601,0.7542110085,0.1872095615,0.05857944116,0.3383358121,0.6616641879,,,0.6635881662,0,0.05367795378,0.1985633671,0.7477586865,0.9632444978,0.9247194529,0.004436762072,0.152809754,0.00720863929,0.03410821781,0.2438426465,0.04845416918,0.1174833402,0.08192985505,0.2560486794,0.08656488359,0.131796658,0.1354219764,0.154189527,0.2579742074,0.05301405117,0.1301697642,0.01905629225,0.01736520603,0.01444742735,40,0.2265400738,0.1538147777,3.888888836,4.691706181,2.423497915,700,844.5070801,436.2296448,388.1541443,700,715.9091187,0.8999999762,,0,0,0.3464733958,0.6535266042 +Brazil,BRA,Latin America and Caribbean,LCN,2006,pnad,Lower education,111968551,0.3068146706,0.1207766607,0.1008651406,0.7789396048,0.5923202038,0.3316269815,0.2651796639,0.06644733995,46637356,0.7032039762,0.5548318028,0.198104322,0.6529963613,0.04351758584,0.9286016226,0.07139836252,0.8515321016,0.1484679282,0.5702177882,0.3995003998,0.03028182685,0.64182657,0.3581734598,,,0.361548543,0,0.2910912037,0.2397778034,0.4691309929,0.7449556589,0.6262465119,0.003650723491,0.1345384568,0.002192214131,0.09939641505,0.191111654,0.04568101466,0.03430491313,0.02339279652,0.1746406257,0.02341567725,0.007691988721,0.01791598648,0.0228162203,0.3439941108,0.2884687185,0.2429662049,0.02859099023,0.02261897922,0.001521121361,40,0.263627708,0.2103578001,2.396013021,2.890642881,1.49315989,431.2823486,520.3157349,268.7687683,350,483.75,450,0.8999999762,,0.0824926123,0.7594054937,0.1581018865,0 +Brazil,BRA,Latin America and Caribbean,LCN,2006,pnad,Male,91506039,0.2732480466,0.1896423399,0.06279667467,0.8166944981,0.6639552712,0.3316269815,0.2651796639,0.06644733995,51745958,0.8517023325,,0.06247131526,0.7960673571,0.0570263043,0.9346778989,0.06532212347,0.8623162508,0.1376837492,0.6452114582,0.2986301184,0.05615844205,0.4810732305,0.5189267993,,,0.5198950171,0,0.2050044388,0.2866114974,0.5083840489,,0.7620249987,0.006477636285,0.1587025821,0.006672377232,0.1147589087,0.2226197571,0.07161583006,0.08190160245,0.05641678348,0.07583007962,0.06104714051,0.04790814966,0.07058356702,0.06103461236,0.20551835,0.202435866,0.2730000019,0.03091870621,0.03454558551,0.01300801337,40,0.1452377886,0.2284796536,3.125,3.770121098,1.947453737,562.5,678.6217651,350.5416565,357.9545593,600,637.5,,,0.05244014785,0.4897789061,0.2276263684,0.2301545888 +Brazil,BRA,Latin America and Caribbean,LCN,2006,pnad,Rural,32151638,0.3097400963,0.184980154,0.070761621,0,0.6194983125,0.3316269815,0.2651796639,0.06644733995,15733773,0.7899318933,0.6518942714,0.1438332498,0.7638842463,0.07455793768,0.9670254588,0.03297454491,0.9295781255,0.07042186707,0.3918792605,0.5868452191,0.02127550915,0.7889498472,0.211050123,,,0.218479991,0,0.6895981431,0.110362649,0.2000392079,0.3629385233,0.3120815158,0.00404409878,0.07352941483,0.001369768055,0.03141937032,0.06421509385,0.0144931823,0.01205358934,0.01669289917,0.09258444607,0.01289382391,0.01059634797,0.0262159761,0.01546175685,0.1302839518,0.6837346554,0.08633687347,0.02729110233,0.006014278624,0.001171215787,40,0.392067641,0.1730630994,2.396013021,2.890642881,1.49315989,431.2823486,520.3157349,268.7687683,352.8674011,517.5388184,517.5388184,0.8999999762,,0.108255595,0.6569259167,0.1472020149,0.08761645108 +Brazil,BRA,Latin America and Caribbean,LCN,2006,pnad,Total,187776182,0.2602703273,0.1854177415,0.07066644728,0.8287767768,0.6690632105,0.4946270687,0.3890070822,0.1056199865,92637793,0.7373616483,0.6302860379,0.1251741797,0.673797603,0.05591738224,0.9137952924,0.08620470017,0.8228504062,0.1771495938,0.6600810289,0.2958164811,0.04410252348,0.4936001301,0.5063998699,,,0.5090662241,0,0.1749714166,0.2196196616,0.6054089069,0.8649198413,0.8122754693,0.004035178106,0.143475011,0.004645768087,0.06746368855,0.2169025987,0.04703737423,0.07498781383,0.05202350765,0.2144576311,0.05425807089,0.06830533594,0.07530650496,0.08697960526,0.3019815683,0.1734714657,0.187875852,0.02393419482,0.02005301043,0.007834394462,40,0.245513916,0.1827419102,3,3.619316101,1.869555593,540,651.4769287,336.519989,357.9545593,562.5,562.5,0.8999999762,,0.05133319646,0.4725600183,0.2292542756,0.2468525171 +Brazil,BRA,Latin America and Caribbean,LCN,2006,pnad,Urban,155624544,0.2500500083,0.1855081469,0.07064677775,1,0.6793032289,0.3316269815,0.2651796639,0.06644733995,76904020,0.7274569273,0.6266043186,0.1213302389,0.6568244696,0.05183288455,0.9029049873,0.09709504247,0.7991244197,0.2008755952,0.7188490629,0.2320465893,0.04910435155,0.4288834333,0.5711165667,,,0.5727391243,0,0.06216537207,0.2435687631,0.6942658424,0.9612916708,0.9415091276,0.004033222329,0.158807084,0.005363866221,0.07536459714,0.2503716648,0.05417105556,0.08878298849,0.05976796895,0.2411721945,0.06332175434,0.08095046133,0.08606316894,0.1026505157,0.3396037519,0.06166318804,0.2101249546,0.02319863439,0.02312915958,0.009294422343,40,0.2134012282,0.184862718,3.125,3.770121098,1.947453737,562.5,678.6217651,350.5416565,357.9545593,562.5,562.5,0.8999999762,,0.03908399865,0.4328860939,0.2469111979,0.2811187208 +Brazil,BRA,Latin America and Caribbean,LCN,2007,pnad,Female,97203560,0.2428621203,0.1738696694,0.0800056532,0.8420756459,0.6771322489,0.3284106553,0.2598739266,0.06853672117,41329754,0.6279241443,0.6279241443,0.188381508,0.5585868955,0.05327666551,0.8895770907,0.1104228944,0.7807067633,0.2192932367,0.690818131,0.2855109572,0.02367091738,0.4937800765,0.5062199235,,,0.5120379329,0,0.1259587705,0.1317559332,0.7422853112,0.8740411997,0.895999372,0.0009623355581,0.1240137666,0.001767149544,0.005012677051,0.2125711888,0.01590442657,0.06837493926,0.04655049369,0.3988842666,0.04312766716,0.09733884037,0.08540868759,0.1237147823,0.4339440465,0.125275895,0.07368671894,0.01572928578,0.001016672933,0.0007574117044,40,0.3686011136,0.1147882715,3.125,3.637812614,1.947453737,562.5,654.8062744,350.5416565,393.75,531.8182373,570,,,0.05017696321,0.4471124411,0.2356504202,0.2670601904 +Brazil,BRA,Latin America and Caribbean,LCN,2007,pnad,Higher education,80040454,0.1783686578,0.2719415128,0.02774739452,0.9015227556,0.7938839793,0.3284106553,0.2598739266,0.06853672117,49369372,0.7769463658,0.7067176104,0.08542853594,0.7005560994,0.06680700183,0.9016788602,0.09832111746,0.8177466989,0.1822533011,0.7589393854,0.1933401525,0.04772046953,0.3356448412,0.6643551588,,,0.6666998267,0,0.05641211569,0.2040646076,0.7395232916,0.9628669024,0.9187737107,0.004619246349,0.1565210819,0.005973708816,0.03695057333,0.2457439899,0.04988731816,0.1143481508,0.07845038921,0.2510934472,0.07881931216,0.1272579879,0.1334936619,0.1491325647,0.2664031684,0.05566890165,0.1370023638,0.02074173652,0.01951220445,0.01196810417,40,0.2209737897,0.1512510777,4.166666508,4.85041666,2.596604824,749.999939,873.0749512,467.388855,433.4387512,749.999939,767.0454712,0.9216589928,,0,0,0.3423393071,0.6576606631 +Brazil,BRA,Latin America and Caribbean,LCN,2007,pnad,Lower education,109891157,0.3107398748,0.1127857417,0.1050324216,0.7781348228,0.5842276812,0.3284106553,0.2598739266,0.06853672117,44537641,0.6937169433,0.5415574908,0.2028347105,0.6479215622,0.03841530532,0.9339854121,0.06601456553,0.8622242808,0.1377757341,0.5751676559,0.3990413845,0.0257909447,0.6258078218,0.3741922081,,,0.3784160912,0,0.2856500745,0.2469506115,0.4673992991,0.7519636154,0.6480036378,0.004072637297,0.1372032017,0.002247987548,0.1034267917,0.1895434111,0.04913431779,0.03404529765,0.02282156423,0.1718547195,0.01992496848,0.008492504247,0.01956429705,0.02363643982,0.3399770856,0.2836596966,0.2515351474,0.02753914893,0.02430443652,0.001366283745,40,0.258515209,0.203395769,2.613832474,3.042762518,1.62890172,470.4898376,547.6972656,293.202301,388.6363831,540,472.5,0.9216589928,,0.08340094239,0.7467941046,0.1698049605,0 +Brazil,BRA,Latin America and Caribbean,LCN,2007,pnad,Male,92728051,0.2676343322,0.186132744,0.06455666572,0.8176131845,0.6678090096,0.3284106553,0.2598739266,0.06853672117,52577259,0.8490524888,,0.06892583519,0.7968853116,0.05295469239,0.9385583401,0.06144165993,0.8708271384,0.1291728467,0.6547807455,0.2980663776,0.04715290293,0.4624221027,0.5375778675,,,0.5389188528,0,0.1977707595,0.2942331433,0.5079961419,,0.7793779373,0.006889583077,0.1645104885,0.005973828025,0.1168592274,0.2231296897,0.07463334501,0.08097028732,0.05536749586,0.0738953054,0.05576577783,0.04943452775,0.0732813701,0.06228167564,0.2035963684,0.1959956139,0.2807226777,0.03020623885,0.03733202815,0.01138373092,40,0.1426295787,0.2223737985,3.5,4.074350357,2.181148291,630,733.3830566,392.6066589,393.779541,664.7727051,693,,,0.05317888409,0.4784061015,0.2352691442,0.2331458628 +Brazil,BRA,Latin America and Caribbean,LCN,2007,pnad,Rural,32263181,0.3009940386,0.182418555,0.07320840657,0,0.6257975698,0.3284106553,0.2598739266,0.06853672117,15661568,0.7757006884,0.6339098215,0.1432427019,0.7512297034,0.06333307922,0.9684530497,0.03154696897,0.9293908477,0.07060917467,0.4025216401,0.5792543888,0.01822397485,0.7734380364,0.2265619636,,,0.2364050597,0,0.6798380017,0.1147168875,0.2054451108,0.3806250095,0.3314143717,0.004807706457,0.07257927209,0.001175592886,0.0361543186,0.06650476903,0.01768025383,0.0105325887,0.01722173207,0.09350576252,0.01201404911,0.01385693718,0.02525044791,0.01625423506,0.1327379495,0.6742005348,0.09640934318,0.02193961851,0.006552302279,0.0007845726213,40,0.3913309276,0.1681167036,2.695514679,3.137848854,1.679804802,485.192627,564.8128052,302.3648682,393.3294983,569.2927246,556.354187,0.9216589928,,0.1042418405,0.641733408,0.160052821,0.09397191554 +Brazil,BRA,Latin America and Caribbean,LCN,2007,pnad,Total,189931611,0.2549563646,0.1798567176,0.07246317714,0.8301326632,0.6725804508,0.4868109702,0.3790719227,0.1077390475,93907013,0.7351171162,0.6279241443,0.1280260235,0.6741031372,0.05309215933,0.917001009,0.08299896866,0.8324838877,0.1675160974,0.6701669693,0.2927058339,0.03712723404,0.4758104384,0.5241895318,,,0.5274420381,0,0.1670675874,0.2247661203,0.6081662774,0.8740411997,0.825991869,0.004355392419,0.1471961439,0.004175265785,0.06903931499,0.2186153978,0.04952383786,0.07558515668,0.05159779266,0.2128441036,0.05036991835,0.06988734752,0.07845914364,0.08851063251,0.3019436598,0.1658017188,0.1923283637,0.02402528189,0.02182713151,0.006846807897,40,0.2391084731,0.1764400005,3.333333254,3.880333424,2.077283859,600,698.460022,373.9111023,393.75,618.75,630,0.9216589928,,0.05166332796,0.4626071453,0.2354616374,0.2502678931 +Brazil,BRA,Latin America and Caribbean,LCN,2007,pnad,Urban,157668430,0.2455358207,0.1793324947,0.07231068611,1,0.682153523,0.3284106553,0.2598739266,0.06853672117,78245445,0.7274987102,0.6269088984,0.1248586997,0.659624815,0.05090273917,0.9067023993,0.09329757094,0.8113411069,0.1886588782,0.7273871899,0.2314442396,0.04116858542,0.4121802747,0.5878197551,,,0.5896632075,0,0.05735304579,0.2483127266,0.694334209,0.9656452537,0.949755609,0.004258613568,0.1631614864,0.0048170886,0.07607553154,0.2511616349,0.05633722618,0.08950407803,0.05895304307,0.2383782417,0.05857006833,0.08186616004,0.089834705,0.1039584205,0.3381183445,0.05711049214,0.2128350139,0.02447117865,0.02509275638,0.008142860606,40,0.2065646499,0.1782194376,3.409090996,3.968523026,2.124495029,613.6364136,714.3341675,382.4091187,405,630,630,0.9216589928,,0.04012943059,0.4233130515,0.2520036995,0.2845537961 +Brazil,BRA,Latin America and Caribbean,LCN,2008,pnad,Female,98484630,0.2367284447,0.1686916202,0.08474317193,0.8439788222,0.6785283685,0.3243415654,0.2518594265,0.07248216122,42055251,0.629337728,0.629337728,0.1808847189,0.5676396489,0.0549188666,0.901963532,0.09803648293,0.7952169776,0.2047830075,0.6996991038,0.2710942626,0.02920663729,0.4779199064,0.5220801234,,,0.5271595716,0,0.1177931875,0.1357199252,0.7464869022,0.8822067976,0.9126697779,0.0009230035357,0.1268195957,0.001745713875,0.006231606007,0.2133563608,0.0165801663,0.07347941399,0.04605771601,0.3970132172,0.04486334696,0.1006293297,0.08189194649,0.1340291947,0.4285007119,0.1170411408,0.07401934266,0.01717881486,0.000789907237,0.001056276495,39,0.3607752025,0.1146096513,3.4375,3.787125349,2.142199039,618.75,681.6825562,385.5958252,431.2823486,600,622.5,,,0.04901467264,0.4218049943,0.2440937459,0.2850865722 +Brazil,BRA,Latin America and Caribbean,LCN,2008,pnad,Higher education,83710509,0.1692611575,0.2642700076,0.0313423723,0.9007349014,0.7993964553,0.3243415654,0.2518594265,0.07248216122,51897539,0.7755406499,0.7024340034,0.08358643949,0.7093766332,0.06531354785,0.9146866202,0.08531340957,0.8334033489,0.1665966362,0.7617663741,0.1834763885,0.05475723371,0.3239634633,0.6760365367,,,0.677949667,0,0.05694899708,0.2095765471,0.7334744334,0.9627639651,0.9275427461,0.004575404339,0.1557738185,0.005985304248,0.0432420224,0.2394303232,0.05201272294,0.1190356612,0.07582019269,0.2471755594,0.07920555025,0.1269241869,0.1294189394,0.1559316963,0.2546607256,0.05492866784,0.1418542117,0.02288157493,0.02086809278,0.01332635805,39,0.2154259831,0.1444543153,4.513888836,4.972992897,2.812988758,812.5,895.1386719,506.3379822,488.1332092,818.1817627,818.1817627,0.9015151262,,0,0,0.3373409808,0.662659049 +Brazil,BRA,Latin America and Caribbean,LCN,2008,pnad,Lower education,108210307,0.3077700436,0.1085063815,0.1112391725,0.7813786864,0.5809907913,0.3243415654,0.2518594265,0.07248216122,43761099,0.6960659027,0.5428419709,0.1977342963,0.6557041407,0.04017270356,0.9420145154,0.05798549578,0.8708344102,0.1291655749,0.5871481895,0.3808894157,0.03196237981,0.6175170541,0.3824829161,,,0.3862474263,0,0.274649322,0.257628262,0.4677224159,0.7625831366,0.6704525948,0.003460578853,0.1372321546,0.002210217062,0.1147253141,0.1863316894,0.05027972534,0.03459405899,0.02167329751,0.1748436242,0.02245845087,0.006595374085,0.01381704025,0.0228051953,0.3418817818,0.2707539797,0.2629175782,0.03080037422,0.02629533224,0.001674890518,39,0.2572417557,0.193461746,2.964285612,3.265780687,1.847298861,533.5714111,587.8405151,332.5137939,447.4554443,596.25,534.375,0.9015151262,,0.08616389334,0.7373799086,0.1764562279,0 +Brazil,BRA,Latin America and Caribbean,LCN,2008,pnad,Male,93436186,0.2585584521,0.1846196204,0.06758635491,0.8223287463,0.6738551855,0.3243415654,0.2518594265,0.07248216122,53603387,0.8513547182,,0.06757499278,0.806214869,0.05266410857,0.9469788074,0.0530212,0.8817667365,0.1182332635,0.6663386226,0.2783228457,0.05533852801,0.4473136365,0.5526863337,,,0.5537369251,0,0.1881781518,0.3039418757,0.5078799725,,0.7976610661,0.006406522356,0.162408337,0.006095703226,0.1290313005,0.2158394903,0.07715323567,0.08458516747,0.05414159968,0.07616049796,0.05878367275,0.04885362461,0.07105324417,0.06418576837,0.1955884248,0.1837872416,0.2908614874,0.03357398137,0.04027938843,0.01303316467,39,0.1407699734,0.20655559,3.90625,4.303551197,2.434317112,703.125,774.6392212,438.1770935,452.8464966,731.25,767.0454712,,,0.05338174477,0.4544484019,0.2394254357,0.2527444363 +Brazil,BRA,Latin America and Caribbean,LCN,2008,pnad,Rural,31966614,0.2938717306,0.1771201044,0.07660010457,0,0.6295281649,0.3243415654,0.2518594265,0.07248216122,15425751,0.7665394545,0.6207935214,0.1464841515,0.745877862,0.06644454598,0.9730456471,0.02695434354,0.9405562878,0.05944371596,0.4195285738,0.5580567122,0.02241471596,0.7532384396,0.2467615455,,,0.255695343,0,0.6591912508,0.1233662069,0.2174425423,0.4041193724,0.3809472024,0.004815241322,0.07813625038,0.001205895562,0.03920881823,0.07074026763,0.01779570058,0.01267785113,0.01827213354,0.09795659035,0.01511856169,0.01484654192,0.0224026572,0.01998979412,0.1425873935,0.6510958672,0.09806268662,0.02732685581,0.007507148664,0.00106249447,39,0.3878920972,0.1567777693,2.98303628,3.286438465,1.858983994,536.9465332,591.5588989,334.6171265,447.4554443,646.9235229,646.9235229,0.9015151262,,0.1013923585,0.6225302815,0.1684189886,0.1076583713 +Brazil,BRA,Latin America and Caribbean,LCN,2008,pnad,Total,191920816,0.2473563403,0.1764461249,0.07639041543,0.8334385157,0.6762532443,0.4787359742,0.3657747188,0.1129612554,95658638,0.7370428711,0.629337728,0.123164773,0.6833775539,0.05362841859,0.9271883368,0.0728116706,0.8453484774,0.1546515077,0.6806061864,0.2752313316,0.04416248947,0.4604032636,0.5395967364,,,0.542370379,0,0.1580302715,0.2318876237,0.6100820899,0.8822067976,0.8432812095,0.004057775252,0.1471646726,0.004232479259,0.07643270493,0.2147758901,0.05120806769,0.07982826233,0.05067904294,0.2135908455,0.0528302528,0.07099696249,0.07568871975,0.09405627102,0.2951999009,0.1552414,0.1981228441,0.02656212822,0.02339060046,0.007910910994,39,0.2348614037,0.1672323197,3.72471118,4.103548527,2.321184874,670.447998,738.6387329,417.8132629,450,693.75,675,0.9015151262,,0.05117862299,0.437980324,0.2417805195,0.2690605521 +Brazil,BRA,Latin America and Caribbean,LCN,2008,pnad,Urban,159954202,0.2380603105,0.1763114333,0.07634851336,1,0.6855911613,0.3243415654,0.2518594265,0.07248216122,80232887,0.7316300869,0.630764246,0.1184830517,0.671908319,0.0510176681,0.9183716774,0.08162830025,0.8258353472,0.1741646677,0.7337898612,0.217617467,0.04859269038,0.400750339,0.599249661,,,0.6007684469,0,0.05587015301,0.254009366,0.6901204586,0.966437757,0.9513064027,0.003903368255,0.1612358987,0.004849438556,0.08402067423,0.2441371083,0.05801907554,0.09351666272,0.05728508905,0.2371625304,0.06051243842,0.08243526518,0.08654353023,0.1091442257,0.3262883425,0.05423174798,0.218505919,0.02640634589,0.02662619203,0.009305990301,39,0.2036877871,0.1693619937,3.75,4.131409168,2.33694458,675,743.6536255,420.6499939,466.875,697.5,675,0.9015151262,,0.04053353891,0.3988565505,0.2573328316,0.3032770753 +Brazil,BRA,Latin America and Caribbean,LCN,2009,pnad,Female,99472523,0.2294363081,0.1687468439,0.08677645773,0.8467943072,0.6837872267,0.3212190568,0.2468524426,0.07436660677,43199923,0.635124445,0.635124445,0.1747985184,0.5636380911,0.05282694101,0.8874450922,0.1125549227,0.7691261768,0.2308738232,0.709916532,0.2635384202,0.02654506452,0.4616441131,0.5383558869,,,0.5446305871,0,0.1102458239,0.131086573,0.7586675882,0.8897541761,0.9145020843,0.000866994611,0.1232069582,0.002006200375,0.00500641996,0.2182100862,0.01595467329,0.07191577554,0.0488527678,0.4037342966,0.04254550859,0.110513553,0.07736619562,0.135587424,0.4349547029,0.1097448096,0.07220540196,0.01508392859,0.000774671149,0.00122378685,39,0.3580857217,0.1034964398,3.75,3.938936949,2.33694458,675,709.008667,420.6499939,475.5682068,656.25,682.5,,,0.04648265988,0.4196291566,0.2367081791,0.2971800268 +Brazil,BRA,Latin America and Caribbean,LCN,2009,pnad,Higher education,86079516,0.1618251801,0.2603777051,0.03135466203,0.901106894,0.8068201542,0.3212190568,0.2468524426,0.07436660677,54217341,0.7806594968,0.7082931399,0.08460661769,0.705745399,0.06348826736,0.9040373564,0.09596262127,0.8171519637,0.1828480512,0.762447536,0.1848245561,0.0527279228,0.3124785125,0.6875214577,,,0.6900228858,0,0.05590243265,0.2043581605,0.739739418,0.964697063,0.9239284396,0.005135517567,0.1508441269,0.006242805626,0.04213571548,0.2443566471,0.04968378693,0.1148936823,0.07793989033,0.2528654039,0.07495491952,0.1375454664,0.1234305054,0.1540380418,0.2600778043,0.05489326268,0.1408452988,0.02076962776,0.01949167997,0.01395340078,39,0.215028435,0.1349968463,4.887866497,5.134132862,3.046046019,879.815979,924.1439209,548.288269,523.125,900,900,0.9041095376,,0,0,0.3244744241,0.6755255461 +Brazil,BRA,Latin America and Caribbean,LCN,2009,pnad,Lower education,107838348,0.3063425124,0.1053302586,0.1162834764,0.7836685181,0.5773739815,0.3212190568,0.2468524426,0.07436660677,43175448,0.6934360266,0.5444461703,0.1884327531,0.6442915201,0.03775903583,0.9291290045,0.07087097317,0.8335291147,0.1664708853,0.5920619369,0.3776922822,0.03024579398,0.6105101705,0.3894898295,,,0.3944528699,0,0.2741110623,0.2534925342,0.4723964036,0.771863997,0.6695381999,0.003274215618,0.1298650354,0.002320265863,0.1180330217,0.1878298819,0.04836435243,0.0357882604,0.02262284979,0.177791059,0.02040719241,0.005114449188,0.01681050844,0.02425861545,0.3447693586,0.2711428106,0.262989819,0.02800546587,0.0251606591,0.001341150375,39,0.2558736801,0.1839603484,3.125,3.282447338,1.947453737,562.5,590.8405151,350.5416565,481.3110962,648,573.75,0.9041095376,,0.08128352463,0.7485433221,0.1701731533,0 +Brazil,BRA,Latin America and Caribbean,LCN,2009,pnad,Male,94445341,0.255626142,0.179851681,0.0699551627,0.8242185116,0.6744186878,0.3212190568,0.2468524426,0.07436660677,54192866,0.8508087993,,0.06490774453,0.797424376,0.05121454224,0.9372544885,0.06274552643,0.8617835045,0.1382164806,0.667527914,0.2777378559,0.05473419651,0.4352734387,0.5647265315,,,0.5663240552,0,0.187084794,0.2986415923,0.5142736435,,0.7993699908,0.006897587329,0.1552021652,0.006352847908,0.1301889867,0.2195122987,0.07418069988,0.08496219665,0.05627744645,0.07934097201,0.05633573234,0.05335574597,0.0739915669,0.06546546519,0.1949716359,0.1842843443,0.2891227007,0.03077593818,0.03809636831,0.01360049099,39,0.1393098235,0.1974439919,4.237500191,4.450998783,2.640747309,762.75,801.1797485,475.3345032,501.3657227,787.5,825.000061,,,0.04831655324,0.45355618,0.232272625,0.2658546269 +Brazil,BRA,Latin America and Caribbean,LCN,2009,pnad,Rural,31841497,0.2859658599,0.1725121439,0.08033912629,0,0.6336950064,0.3212190568,0.2468524426,0.07436660677,15394185,0.7629268765,0.6179358959,0.1431433707,0.7366220951,0.05861278623,0.9655212164,0.03447879851,0.9217185974,0.07828139514,0.438318193,0.5404971838,0.02118463814,0.7410470247,0.2589530051,,,0.2720229924,0,0.652189672,0.1160688698,0.2317414582,0.4250482917,0.360673517,0.004681826569,0.07025315613,0.001501304563,0.03963258117,0.07244150341,0.01792518236,0.0122401258,0.02087871172,0.1082559377,0.01222626399,0.01723298803,0.02781790681,0.01969211362,0.1458597183,0.6470625401,0.1004781425,0.02087865211,0.007488791831,0.001262899837,39,0.3759036064,0.1518968791,3.342438221,3.510840893,2.082957983,601.638855,631.951355,374.9324341,501.3657227,693.9725342,676.6820068,0.9041095376,,0.09404820949,0.6196972728,0.1677729934,0.1184815168 +Brazil,BRA,Latin America and Caribbean,LCN,2009,pnad,Total,193917864,0.2421917468,0.1741553247,0.07858385146,0.8357990384,0.6792244017,0.4722674826,0.3565710334,0.1156964492,97392789,0.73942768,0.635124445,0.11952696,0.6766952529,0.05190808326,0.9151608348,0.08483917266,0.8221421838,0.1778578013,0.6857605577,0.2716302574,0.04260919243,0.4466162622,0.553383708,,,0.5569930673,0,0.1539744586,0.2264411896,0.6195843816,0.8897541761,0.8455325365,0.004298971035,0.1414152533,0.004479852971,0.07624711841,0.2189511657,0.04909078032,0.07934042066,0.05307811126,0.2191238701,0.05040413514,0.07794106007,0.07544309646,0.09562706202,0.2981956899,0.1522226185,0.195819959,0.02402632684,0.02204316854,0.008276892826,39,0.2334120125,0.1570342779,3.977272749,4.177660465,2.478577375,715.9091187,751.9788818,446.1439514,496.8750305,749.999939,749.999939,0.9041095376,,0.04739015922,0.4364179075,0.234513253,0.2816786766 +Brazil,BRA,Latin America and Caribbean,LCN,2009,pnad,Urban,162076367,0.2335918844,0.1744781435,0.07823900878,1,0.6881691217,0.3212190568,0.2468524426,0.07436660677,81998604,0.7351764441,0.637947619,0.114939563,0.6658539772,0.05056623369,0.9057062864,0.09429369122,0.8027591705,0.1972408444,0.7352825999,0.2178203762,0.04689700902,0.3876901567,0.6123098731,,,0.6140257716,0,0.05424777418,0.2485341877,0.6972180605,0.9695892334,0.9539895058,0.00422233576,0.155659616,0.005076062866,0.08357617259,0.248277694,0.0553291291,0.09277173877,0.05952339619,0.2413160801,0.05804489553,0.09009091556,0.08497460186,0.110824354,0.3286835551,0.05318746343,0.2149012685,0.02465628833,0.0249560196,0.009680643678,39,0.204894349,0.158062458,4.151785851,4.360966206,2.587331533,747.3214722,784.973877,465.7196655,487.4999695,765,749.999939,0.9041095376,,0.03761721775,0.3980284333,0.2484925836,0.3158617616 +Brazil,BRA,Latin America and Caribbean,LCN,2011,pnad,Female,101780077,0.2220304012,0.1632300764,0.09072241932,0.8597972393,0.6872471571,0.3153851628,0.2374377996,0.07794734836,42529055,0.6080089808,0.6080089808,0.1922173947,0.5516361594,0.04461942613,0.9072828889,0.09271711111,0.8020811081,0.197918877,0.7379908562,0.2394293696,0.02257978544,0.3995334804,0.6004665494,,,0.605499208,0,0.1010345444,0.1177022159,0.7812632322,0.8989654779,0.9293856025,0.001084757503,0.1098332182,0.001432302059,0.005351938773,0.2403036207,0.01737941243,0.08388654888,0.05356802046,0.386125654,0.03896720335,0.1252730191,0.07371822745,0.1293780655,0.4526031017,0.1004425883,0.06171464175,0.01516298018,0.000998810865,0.001159698702,39,0.3209802806,0.09311674535,4.545454502,4.262580872,2.83265996,818.1817627,767.2645264,509.8787537,600,815.1236572,833.333313,,,0.0486323759,0.3847516775,0.2453284711,0.321287483 +Brazil,BRA,Latin America and Caribbean,LCN,2011,pnad,Higher education,90902823,0.1536759138,0.2497362345,0.03234845772,0.9130502939,0.8139756322,0.3153851628,0.2374377996,0.07794734836,56199547,0.7595284581,0.6849322319,0.1006891578,0.7013766766,0.05050477013,0.9234369993,0.07656298578,0.8429095745,0.1570904106,0.7773543596,0.181607455,0.04103818163,0.2707037926,0.7292962074,,,0.7314368486,0,0.05147581175,0.1956067085,0.7529174685,0.9668504596,0.9293284416,0.004358634818,0.1372002065,0.005447873846,0.0485999994,0.2525067031,0.05543785542,0.1279717535,0.07879430056,0.2382068485,0.06541250646,0.1440849453,0.1100294143,0.1420102566,0.2883543968,0.04964128509,0.1429183185,0.0194008518,0.0246680025,0.01290608943,39,0.1965189427,0.1191469952,5.769230843,5.410199165,3.595299244,1038.461548,973.8358154,647.1538696,703.125,1068.75,1056.521729,0.8885868788,,0,0,0.3053728044,0.6946271658 +Brazil,BRA,Latin America and Caribbean,LCN,2011,pnad,Lower education,106836338,0.2999226749,0.1010498628,0.1247114092,0.7956690788,0.575365901,0.3153851628,0.2374377996,0.07794734836,41060099,0.6679698825,0.5031788945,0.2107900828,0.629360497,0.03229932487,0.9421989322,0.05780105293,0.8552170992,0.1447829008,0.5971269608,0.380214721,0.02265830711,0.5689280629,0.4310719669,,,0.4354071319,0,0.2623352408,0.2575565577,0.4801082015,0.7751076818,0.7175926566,0.003928720485,0.1171914637,0.0016220049,0.1348143667,0.1991281956,0.05674025789,0.03674733266,0.02535196021,0.1621404588,0.01792302169,0.00787436869,0.01699456386,0.02240630984,0.3425730467,0.2601377368,0.2745947838,0.02515383624,0.03038544208,0.001298531424,39,0.2375494242,0.1691885591,3.977272749,3.729758501,2.478577375,715.9091187,671.3565063,446.1439514,610.9832764,801,715.9091187,0.8885868788,,0.08875975758,0.7109814286,0.2002588362,0 +Brazil,BRA,Latin America and Caribbean,LCN,2011,pnad,Male,95959084,0.2439992428,0.1759495437,0.07326602936,0.8388470411,0.6827347279,0.3153851628,0.2374377996,0.07794734836,54730591,0.8353953362,,0.08102650195,0.793680191,0.04132706672,0.9500653744,0.04993461445,0.8794497252,0.1205502599,0.6724737883,0.2864654064,0.04106078669,0.3969850838,0.6030148864,,,0.6046421528,0,0.1715221107,0.2995620966,0.5289157629,,0.8246853948,0.006470773369,0.1426447183,0.005584686995,0.1448619366,0.2218628377,0.0846779272,0.09285713732,0.05777703598,0.07174083591,0.04970410094,0.05670263246,0.06775595993,0.06239765882,0.2068095952,0.1685547084,0.301145792,0.02682592906,0.04648603126,0.01298658922,39,0.1346870363,0.1756947041,5.208333492,4.884207726,3.245756388,937.500061,879.1574097,584.236145,613.6364136,967.5,1022.727234,,,0.05192777514,0.4208102226,0.246357739,0.2809042633 +Brazil,BRA,Latin America and Caribbean,LCN,2011,pnad,Rural,29733938,0.2772568464,0.166593343,0.08830135316,0,0.634441793,0.3153851628,0.2374377996,0.07794734836,13734419,0.7280581594,0.5721633434,0.1593721211,0.707988143,0.05859802291,0.9724335074,0.02756650932,0.9309257865,0.06907422096,0.4098394811,0.5730632544,0.01709727943,0.7417050004,0.2582950294,,,0.2699824572,0,0.6706103683,0.1117294654,0.2176601738,0.4008217156,0.3783833385,0.003861539066,0.06181325391,0.001098629204,0.04495603964,0.07010895014,0.01800950058,0.01156355906,0.0235496331,0.09442852437,0.01152652036,0.02179209143,0.02300152741,0.01764460653,0.1333414614,0.6631388664,0.09840721637,0.02037495375,0.008500271477,0.001621616539,39,0.3747097552,0.158595264,3.917481422,3.673687935,2.441316366,705.1466064,661.2637939,439.4369202,621.0465698,848.1885986,823.3572388,0.8885868788,,0.09969285131,0.5919255018,0.1849778444,0.1234038323 +Brazil,BRA,Latin America and Caribbean,LCN,2011,pnad,Total,197739161,0.2326914668,0.1694025844,0.08225116134,0.849630475,0.6850573868,0.4597317454,0.3396671159,0.1200646295,97259646,0.7179811525,0.6080089808,0.1361731887,0.6686973045,0.04272951558,0.9313577414,0.06864225864,0.8465041518,0.153495878,0.7003821135,0.2664294541,0.03318843246,0.3980706334,0.6019293666,,,0.6050072312,0,0.1414787173,0.222049281,0.6364719868,0.8989654779,0.8669722676,0.004175130744,0.1286597103,0.003814846044,0.08539960533,0.2297227085,0.05599376932,0.08903367072,0.05598305911,0.2057387829,0.04513050243,0.08591157198,0.07029570639,0.09092931449,0.3115103245,0.1395409703,0.1991552413,0.02185785957,0.02710983157,0.007948686369,39,0.2140424103,0.1405189484,5,4.688838959,3.115926027,900,843.9910278,560.8666992,613.1710205,920.4545288,900,0.8885868788,,0.05027031526,0.4026741683,0.2458400577,0.3012154698 +Brazil,BRA,Latin America and Caribbean,LCN,2011,pnad,Urban,168005223,0.2248041779,0.1698997766,0.08118038625,1,0.6940154433,0.3153851628,0.2374377996,0.07794734836,83525227,0.7163507938,0.6133421063,0.1321472973,0.6623404622,0.03998520598,0.9246034622,0.07539653033,0.83205235,0.1679476798,0.7506287098,0.2134000212,0.03597124293,0.3386422992,0.6613577008,,,0.6629466414,0,0.04991183057,0.2411402613,0.708947897,0.97248137,0.960498035,0.004229397979,0.1402275711,0.004284890834,0.09239841253,0.2573440671,0.06256699562,0.1024399698,0.06159570068,0.2250011712,0.05094199628,0.09700043499,0.07847479731,0.1036032215,0.3423229456,0.04898962751,0.2165786773,0.02211431414,0.03032817878,0.009042893536,39,0.1862564981,0.1373928189,5,4.688838959,3.115926027,900,843.9910278,560.8666992,613.125,920.4545288,900,0.8885868788,,0.0408365503,0.3665499091,0.2574574351,0.3351561129 +Brazil,BRA,Latin America and Caribbean,LCN,2012,pnad,Female,102493317,0.2169265002,0.1609858274,0.09495523572,0.8582706451,0.688118279,0.3144082129,0.2325315773,0.08187665045,42910988,0.6084289551,0.6084289551,0.1988954395,0.557523489,0.03897209466,0.9163329005,0.08366709948,0.8107636571,0.189236328,0.7430391908,0.2314659804,0.02549480833,0.3830132782,0.6169867516,,,0.6228756309,0,0.08994209021,0.124262929,0.7857949734,0.9100579023,0.934599936,0.0009168227552,0.115895398,0.001457275008,0.005993436091,0.2397870719,0.01732978038,0.08665177971,0.05483248457,0.3871938586,0.04468365759,0.1314307004,0.07124947757,0.1523516923,0.4331279099,0.0892027244,0.06057285145,0.01478585694,0.0008618350257,0.001373575069,39,0.3245111406,0.09357893467,5.138888836,4.572101116,3.202479362,925,822.9782104,576.4462891,699.75,900,933.000061,,,0.04550841823,0.3821209669,0.2502664328,0.322104156 +Brazil,BRA,Latin America and Caribbean,LCN,2012,pnad,Higher education,93407943,0.1488823891,0.2471104413,0.03415836766,0.9099602103,0.8169592619,0.3144082129,0.2325315773,0.08187665045,58117640,0.7615944743,0.6867615581,0.10155797,0.7079033256,0.04461240768,0.9295016527,0.07049831748,0.8515388966,0.1484611034,0.7770379186,0.1777572185,0.0452048853,0.267334342,0.732665658,,,0.7348285913,0,0.04918050393,0.2052027881,0.745616734,0.9686897993,0.932960391,0.004676639568,0.1437243968,0.005099250004,0.05170249939,0.2468948662,0.0558677502,0.1256207377,0.07804365456,0.2391897142,0.07147341967,0.147150591,0.1052779034,0.157916218,0.2671901882,0.04734601825,0.147284925,0.01794553921,0.02342202142,0.01446104329,39,0.2029654384,0.1184137613,6.46923542,5.755718708,4.031531811,1164.462402,1036.029297,725.6757202,776.3082886,1185,1175.113525,0.8782477379,,0,0,0.309175849,0.690824151 +Brazil,BRA,Latin America and Caribbean,LCN,2012,pnad,Lower education,106253351,0.2982923388,0.09688168019,0.1318975836,0.7943735719,0.5698100924,0.3144082129,0.2325315773,0.08187665045,40026112,0.6611053348,0.4974635541,0.2253571302,0.6264106631,0.0246143043,0.9475201964,0.05247981474,0.8613265753,0.1386734247,0.6030452251,0.3720546663,0.02490007505,0.55490762,0.4450923502,,,0.4503575563,0,0.2485303581,0.2672574222,0.4842122197,0.797305584,0.7309452891,0.003674271749,0.1206626594,0.001533650444,0.1413868219,0.199876219,0.05799208581,0.03887687251,0.02526006103,0.1622070074,0.02086867578,0.007936681621,0.01538290177,0.02501213551,0.3446639776,0.24702546,0.2833441198,0.0247509405,0.02932305634,0.001271491172,39,0.2441167086,0.1610956788,4.470960617,3.977841377,2.786236525,804.7728882,716.0114136,501.5225525,675,900,802.125,0.8782477379,,0.08649374545,0.7107705474,0.2027357072,0 +Brazil,BRA,Latin America and Caribbean,LCN,2012,pnad,Male,97167977,0.2404891402,0.1736797541,0.07690750062,0.8380883932,0.6826033592,0.3144082129,0.2325315773,0.08187665045,55232764,0.8327319026,,0.08190435916,0.7934188843,0.03441468254,0.9527903199,0.04720967636,0.8863250613,0.1136749461,0.6770495176,0.2776516676,0.04529882967,0.3881469667,0.6118530631,,,0.6134676933,0,0.1623410285,0.3104411066,0.527217865,,0.83730793,0.006765891332,0.1479172111,0.005253450945,0.1505045593,0.2183307111,0.08621625602,0.09225772321,0.05736733228,0.07304582745,0.05502087623,0.05856864154,0.06591857225,0.06629366428,0.1990373582,0.1599747688,0.3101288974,0.0252108667,0.04453134909,0.0147344498,39,0.1418049932,0.1677296162,5.9375,5.282630444,3.700162172,1068.75,950.8734741,666.0291748,699.75,1125,1125,,,0.05138349906,0.4140639305,0.2488609999,0.2856915891 +Brazil,BRA,Latin America and Caribbean,LCN,2012,pnad,Rural,30258932,0.2683769166,0.1670473069,0.08928434551,0,0.6423387527,0.3144082129,0.2325315773,0.08187665045,13880157,0.7141290307,0.554472506,0.172248736,0.6919338107,0.04307214916,0.9689198732,0.03108012304,0.9284889102,0.07151106745,0.4377568662,0.5456756353,0.01656747609,0.7168429494,0.2831570208,,,0.2961975634,0,0.6367332339,0.1245353594,0.2387313843,0.4450018704,0.4102280736,0.004526970442,0.06961639971,0.0009394672816,0.04945252463,0.07743567228,0.02175988629,0.01237890217,0.02359544858,0.1035614684,0.01365687232,0.02378003672,0.02458836325,0.01964084432,0.1446905136,0.6308521628,0.1074235067,0.02401507646,0.00985421706,0.001498428057,39,0.3897019625,0.1400226504,4.470960617,3.977841377,2.786236525,804.7728882,716.0114136,501.5225525,690.0517578,936.7453003,931.5698853,0.8782477379,,0.09352468699,0.5849232078,0.1890509576,0.13250117 +Brazil,BRA,Latin America and Caribbean,LCN,2012,pnad,Total,199661294,0.2283935845,0.1671635062,0.08617205173,0.8484486938,0.6854343563,0.4589289015,0.3332100038,0.1257188977,98143752,0.717138282,0.6084289551,0.1397406757,0.6718511359,0.03636366129,0.9368501902,0.06314980984,0.8542536497,0.1457463801,0.705270052,0.2579003274,0.03682963178,0.385951519,0.614048481,,,0.6174910069,0,0.1313655227,0.2307857573,0.6378487349,0.9100579023,0.8765248656,0.004263398238,0.134216845,0.003629276995,0.08867622912,0.2275107056,0.05674353987,0.08985925466,0.05628281087,0.2074524164,0.05060015991,0.08972813934,0.06819833815,0.1030964255,0.2991462946,0.129709065,0.2034061253,0.02075260691,0.02585605904,0.009020664729,39,0.219939366,0.1360190362,5.583333492,4.967526436,3.479450703,1005.000061,894.1547241,626.3011475,699.75,1022.727234,1022.727234,0.8782477379,,0.04843990877,0.3980595767,0.2495651692,0.303935349 +Brazil,BRA,Latin America and Caribbean,LCN,2012,pnad,Urban,169402362,0.2212516963,0.1671842635,0.08561612666,1,0.6931321621,0.3144082129,0.2325315773,0.08187665045,84263595,0.7176364064,0.616594255,0.1339387894,0.6685268283,0.03521431237,0.9315675497,0.06843242049,0.8412714005,0.1587285995,0.7511025071,0.2085964084,0.04030110314,0.3292606175,0.6707393527,,,0.6725375056,0,0.04476088658,0.2489938289,0.7062453032,0.9763970971,0.9665526152,0.004218230024,0.1452873945,0.004090228584,0.09539797902,0.2532289922,0.0627386719,0.1031370237,0.06188442931,0.2252561599,0.05692957342,0.1010268852,0.07566994429,0.1173946857,0.3256088793,0.04384931549,0.2198506147,0.02019365504,0.02859761938,0.01030943356,39,0.190854311,0.1353331208,5.666666508,5.041667938,3.531382561,1019.999939,907.5002441,635.6488647,699.75,1031.25,1022.727234,0.8782477379,,0.03957028687,0.3612974882,0.2614702582,0.3376619816 +Brazil,BRA,Latin America and Caribbean,LCN,2014,pnad,Female,104731624,0.2055035084,0.1573773324,0.1019903868,0.860478878,0.6925061345,0.3090355396,0.2207077444,0.08832778782,45255864,0.6239839196,0.6239839196,0.1882370412,0.5675781369,0.04096774012,0.9096037149,0.09039626271,0.788320899,0.211679101,0.7340168357,0.2420511544,0.02393201366,0.3681447804,0.6318552494,,,0.6411551237,0,0.09431244433,0.1172548532,0.7884327173,0.9056875706,0.9378481507,0.001075953944,0.1074511781,0.001669283723,0.007058432791,0.2394734919,0.01781432703,0.08870034665,0.05194969475,0.3904948235,0.04535324499,0.1375954002,0.07461868972,0.1482508779,0.4246681333,0.09318442643,0.05832961574,0.01507186797,0.0009871029761,0.001586399972,39,0.33465904,0.07728379965,6.25,4.924135685,3.894907475,1125,886.3444214,701.083313,818.1817627,1078.125,1125,,,0.04155447707,0.3680258393,0.2521589696,0.3382607102 +Brazil,BRA,Latin America and Caribbean,LCN,2014,pnad,Higher education,99649031,0.1383130401,0.2395911962,0.03824784979,0.9073227048,0.8234391212,0.3090355396,0.2207077444,0.08832778782,62572043,0.7625630498,0.6915423274,0.09851576388,0.7023626566,0.04748148099,0.9210551381,0.07894483954,0.8290269971,0.1709730327,0.7656422853,0.1899190992,0.04443860427,0.2638414204,0.7361586094,,,0.739395082,0,0.0515816696,0.1999545395,0.7484638095,0.9646533728,0.9302878976,0.004840672016,0.131564945,0.005522527732,0.05802640319,0.2489976883,0.05457124859,0.1230925694,0.07414481044,0.247657463,0.07196878642,0.1534417123,0.1079420522,0.1499240249,0.2662191093,0.04962522537,0.1469089091,0.01798824593,0.0221353285,0.0134009216,39,0.2099646032,0.1071137115,7.5147686,5.920598507,4.683092594,1352.658447,1065.707764,842.9567261,958.4052734,1406.25,1375,0.8999999762,,0,0,0.3069524765,0.6930475235 +Brazil,BRA,Latin America and Caribbean,LCN,2014,pnad,Lower education,103468993,0.2913507521,0.09024852514,0.1453113556,0.7958880663,0.5633379221,0.3090355396,0.2207077444,0.08832778782,39310854,0.6744244099,0.5156362653,0.2207392156,0.6355880499,0.02532831021,0.9424155951,0.0575844273,0.8337807655,0.1662192196,0.5906813145,0.3847593069,0.02455937117,0.539514184,0.460485816,,,0.4682341814,0,0.2514396906,0.268720746,0.4798395634,0.7817081809,0.7470110059,0.003164679278,0.1148351654,0.001824229141,0.1488966644,0.2017596215,0.05847189948,0.03478407487,0.02103267238,0.1637912989,0.02110917494,0.007891481742,0.01543988753,0.02474564873,0.3433271945,0.2497171313,0.2843768597,0.0237325877,0.02844247594,0.0009121077019,39,0.2569684684,0.135997355,5.46875,4.308619022,3.4080441,984.375,775.5513916,613.447937,843.75,1125,964.2857666,0.8999999762,,0.08143349737,0.7102313042,0.2083352208,0 +Brazil,BRA,Latin America and Caribbean,LCN,2014,pnad,Male,98386400,0.2277328223,0.1700496376,0.08298872411,0.8399963379,0.6892784834,0.3090355396,0.2207077444,0.08832778782,56627033,0.8350145221,,0.07834269106,0.7891184688,0.03715579212,0.9450355768,0.05496441945,0.8617153168,0.138284713,0.6688472033,0.284702003,0.04645081609,0.3744516075,0.6255484223,,,0.6272442341,0,0.1570420563,0.311216712,0.5317412615,,0.8461626172,0.006578367669,0.1385453641,0.005928416736,0.1601645648,0.2236282229,0.0855652988,0.08843419701,0.05446249619,0.07965102047,0.05723302066,0.06486935169,0.06953774393,0.06455233693,0.1977162063,0.1546382606,0.3102131486,0.02420830913,0.04276946187,0.01384320389,39,0.1465860605,0.1500553489,7.188039303,5.663180828,4.47947979,1293.847046,1019.372559,806.3063354,862.5646973,1329.54541,1350,,,0.0469195731,0.4036185145,0.2545960248,0.2948658466 +Brazil,BRA,Latin America and Caribbean,LCN,2014,pnad,Rural,30354459,0.2528971136,0.1624631137,0.09794386476,0,0.6491590142,0.3090355396,0.2207077444,0.08832778782,14398026,0.7306836247,0.5863316655,0.1652037501,0.706609726,0.03955060989,0.9670529962,0.03294701502,0.9117207527,0.08827924728,0.4345608652,0.5508440733,0.01459509134,0.6862357259,0.3137642741,,,0.3350081146,0,0.6172013283,0.1274894625,0.2553091943,0.4472054243,0.4364226162,0.004197868519,0.06809261441,0.001537812524,0.05366117507,0.08513085544,0.0232881587,0.01256385632,0.02209707163,0.1122292653,0.0160796158,0.02824976854,0.0239410568,0.02219862677,0.1526577771,0.6107763052,0.1123846546,0.02267659083,0.009031753056,0.001685620751,39,0.4039943218,0.1220130175,5.750431538,4.530544758,3.583583832,1035.077637,815.4980469,645.0450439,862.5646973,1164.462402,1132.116211,0.8999999762,,0.08725450933,0.5556105971,0.2018947303,0.1552401483 +Brazil,BRA,Latin America and Caribbean,LCN,2014,pnad,Total,203118024,0.2162709534,0.1635155529,0.09278635681,0.8505575061,0.6909426898,0.447298039,0.3130085268,0.1342895123,101882897,0.7259568311,0.6239839196,0.1328792572,0.6746294405,0.03881315887,0.9292969108,0.07070306689,0.8302359581,0.169764027,0.6971817613,0.2661581933,0.03666005284,0.3717094958,0.6282904744,,,0.6332924366,0,0.1297578216,0.226853013,0.6433891654,0.9056875706,0.8835161924,0.004185093567,0.125020951,0.004075907171,0.09357106686,0.2305201292,0.05609701946,0.08854996413,0.0533695519,0.2148525119,0.05206791312,0.09648931026,0.07174684852,0.1009429321,0.2963907719,0.1279192567,0.2006987929,0.02023595199,0.02460325509,0.008514169604,39,0.2283567637,0.1184156016,6.818181992,5.371784687,4.248990059,1227.272827,966.9212036,764.8182373,862.5646973,1237.5,1237.5,0.8999999762,,0.04423896223,0.3858350217,0.2533783913,0.3165476322 +Brazil,BRA,Latin America and Caribbean,LCN,2014,pnad,Urban,172763565,0.2098357528,0.1637004614,0.09188017994,1,0.6982840896,0.3090355396,0.2207077444,0.08832778782,87484871,0.7251847386,0.6296331286,0.1272428036,0.669405818,0.03868600726,0.9230831265,0.0769168511,0.8166160583,0.1833839267,0.7424619794,0.2170735896,0.04046441987,0.3174799085,0.6825200915,,,0.6847216487,0,0.04570570588,0.2439867258,0.7103075385,0.9733327627,0.9669511318,0.004182890523,0.1348373592,0.004513562657,0.1004529148,0.25559026,0.06175440177,0.1016525924,0.05876201019,0.2325483114,0.0582728982,0.1082549468,0.07998936623,0.1145197749,0.321172744,0.04466661811,0.2159256339,0.0198151432,0.02728804201,0.009691525251,39,0.1980739087,0.1177953482,6.818181992,5.371784687,4.248990059,1227.272827,966.9212036,764.8182373,835.3845825,1237.5,1237.5,0.8999999762,,0.03573441505,0.3522689044,0.2635571361,0.3484395146 +Brazil,BRA,Latin America and Caribbean,LCN,2015,pnad,Female,105413861,0.1996223778,0.1536592096,0.1078849882,0.8582817912,0.6924926043,0.3083806932,0.2141980231,0.09418267012,44596360,0.6109231114,0.6109231114,0.1904850751,0.5377408862,0.03554971516,0.8802104592,0.1197895333,0.7150501013,0.2849498987,0.7323573828,0.2440390438,0.02360357344,0.3579054773,0.6420945525,,,0.6491466165,0,0.08615750819,0.1139768288,0.7998656631,0.9138424993,0.9406576753,0.001030609244,0.1038544551,0.001472335425,0.007619424723,0.2414251566,0.01685689017,0.08685045689,0.04998981208,0.4047433436,0.04346741736,0.1442525536,0.07541644573,0.1442362219,0.4331573546,0.08537337184,0.0548771061,0.01627971791,0.0008238612209,0.001929399441,38,0.3432780206,0.06786925346,6.342494488,4.583250999,3.952548742,1141.649048,824.9852295,711.4588013,824.651123,1098.837158,1151.162842,,,0.03898955882,0.3495290577,0.2518733144,0.359608084 +Brazil,BRA,Latin America and Caribbean,LCN,2015,pnad,Higher education,103343161,0.1288822293,0.2372192144,0.04154833406,0.9051766396,0.829569459,0.3083806932,0.2141980231,0.09418267012,64419349,0.7514184117,0.6760900617,0.109115757,0.6697520018,0.04086001962,0.8913169503,0.1086830273,0.7650929689,0.2349070013,0.7546707988,0.201439634,0.04388957098,0.2657223642,0.734277606,,,0.7368563414,0,0.05394946784,0.1931653768,0.7528851628,0.9653282762,0.9244973063,0.003983675502,0.1250878125,0.005374606233,0.05871928111,0.249788329,0.05675129592,0.1202467009,0.07274036109,0.2533584833,0.06730995327,0.1533863097,0.1081110016,0.1415601969,0.273347497,0.05252446979,0.1487641186,0.01869598217,0.02200053446,0.01403473038,38,0.2175102085,0.09410759062,7.751937866,5.601751328,4.83089304,1395.348877,1008.315247,869.56073,959.3022461,1395.348877,1395.348877,0.9090908766,,0,0,0.3131143749,0.6868855953 +Brazil,BRA,Latin America and Caribbean,LCN,2015,pnad,Lower education,101456836,0.293143779,0.08418726176,0.1566448808,0.7881861925,0.5502113104,0.3083806932,0.2141980231,0.09418267012,36640087,0.656365335,0.4976713359,0.2203308493,0.6037107706,0.0210696999,0.9197785258,0.08022148162,0.7828389406,0.2171610296,0.5776177049,0.3997849226,0.02259737998,0.5454031229,0.4545968473,,,0.461530596,0,0.253957212,0.2609187067,0.4851240814,0.7959759235,0.7284283042,0.003091863822,0.1100081354,0.001849764842,0.1459689438,0.2047645897,0.05648938194,0.03448887542,0.02198276855,0.1673984677,0.01922072098,0.008794192225,0.01437872369,0.02224765532,0.3537091911,0.2517144978,0.2758843601,0.02347448282,0.02948473208,0.0009941910394,38,0.2772426009,0.1198462695,5.523255825,3.991247892,3.442011356,994.1860352,718.4246216,619.5620117,842.505127,1116.279053,996.6776733,0.9090908766,,0.08055350184,0.7222495675,0.1971969604,0 +Brazil,BRA,Latin America and Caribbean,LCN,2015,pnad,Male,99386136,0.2215356529,0.1696267426,0.08868296444,0.8354876637,0.6897813678,0.3083806932,0.2141980231,0.09418267012,56463076,0.823620677,,0.08728261292,0.7565438151,0.03201975301,0.918558538,0.08144145459,0.8086872101,0.1913127899,0.6565127969,0.2980793417,0.04540789127,0.3776846528,0.6223153472,,,0.62433815,0,0.1594956666,0.2971664071,0.5433379412,,0.8399022222,0.005641118623,0.1313742399,0.00604038965,0.1541106701,0.2268717438,0.08679971844,0.08982732147,0.05699648336,0.08284266293,0.05410780758,0.06634575874,0.07195050269,0.06200756133,0.2046117485,0.1570928097,0.3024238646,0.02362973988,0.04289137945,0.01472322922,38,0.1611348987,0.1306908429,7.105943203,5.134938717,4.428318501,1279.069824,924.2890015,797.0973511,862.2000122,1312.994873,1374.418579,,,0.04311469942,0.3866247833,0.2562138438,0.3140466809 +Brazil,BRA,Latin America and Caribbean,LCN,2015,pnad,Rural,31289307,0.2443459928,0.1607329994,0.1028653011,0,0.6527886987,0.3083806932,0.2141980231,0.09418267012,14280502,0.6991572976,0.5440686941,0.1858322471,0.6687446833,0.03492627665,0.9565010667,0.04349895939,0.8832601309,0.1167398617,0.432911694,0.5511174798,0.01597085968,0.6849553585,0.3150446415,,,0.3337951303,0,0.6122626066,0.1300805509,0.2576568425,0.4703699946,0.4351132512,0.003741442924,0.06735512614,0.001400660723,0.05758331344,0.08841154724,0.02144671977,0.0131377494,0.02017730847,0.1144835055,0.01238144096,0.02744207904,0.02501040511,0.02347204089,0.1552020013,0.6074184775,0.1150974259,0.02125794813,0.01142612193,0.001292085275,38,0.4087896943,0.1127481833,5.470811844,3.953350306,3.409328938,984.7461548,711.6030884,613.6791992,862.2000122,1157.287109,1143.399658,0.9090908766,,0.07861899585,0.5469404459,0.2031839937,0.1712565571 +Brazil,BRA,Latin America and Caribbean,LCN,2015,pnad,Total,204799997,0.2102565318,0.1614079922,0.09856655449,0.8472201824,0.691176936,0.4468075687,0.3042007348,0.1426068339,101059436,0.7139333778,0.6109231114,0.1378524303,0.6437080382,0.03354046866,0.9016360044,0.0983640179,0.7690936923,0.2309063226,0.6891868114,0.2747986615,0.03601454571,0.3691637516,0.6308362484,,,0.6350257397,0,0.1278870404,0.2182119936,0.6539009809,0.9138424993,0.879537046,0.003653996391,0.1195132509,0.004071565345,0.09097317606,0.2331442386,0.0566544719,0.08854429424,0.05397662148,0.2215813398,0.04952390492,0.09990817308,0.0734436363,0.09743184596,0.3030696809,0.1261959225,0.1957801878,0.0204633344,0.02476860397,0.009211620316,38,0.2396025509,0.1036271751,6.872093201,4.965952873,4.282586575,1236.976807,893.871582,770.8656006,862.2000122,1255.813965,1255.813965,0.9090908766,,0.04105065018,0.3680636287,0.2540420294,0.3368436992 +Brazil,BRA,Latin America and Caribbean,LCN,2015,pnad,Urban,173510690,0.2041091621,0.1615297198,0.09779135883,1,0.698099494,0.3083806932,0.2141980231,0.09418267012,86778934,0.7164250612,0.6211869121,0.1292428672,0.6394861937,0.03329609334,0.8926072717,0.1073927134,0.7500045896,0.2499953955,0.7343786955,0.2260722369,0.03954907507,0.3134766221,0.6865233779,,,0.6881451011,0,0.04244154692,0.2337586731,0.7237997651,0.9782836437,0.9670239687,0.003638570663,0.1287141293,0.004542722367,0.09686326236,0.2586755753,0.06286524236,0.1018462703,0.0599389337,0.2404737622,0.05607365817,0.1126869395,0.0819844231,0.1104740128,0.3291448653,0.04133648798,0.210007906,0.02032321133,0.02712143399,0.0106081618,38,0.2097678483,0.1020187587,6.976744175,5.041576385,4.347803593,1255.813965,907.4837646,782.6046753,837.2092896,1255.813965,1255.813965,0.9090908766,,0.03343258798,0.3317911923,0.2643549442,0.3704212606 +Chile,CHL,Latin America and Caribbean,LCN,1987,casen,Female,6389072,0.2734609842,0.2094914615,0.0718325004,0.818695724,0.6547064781,0.3638808727,0.2987015545,0.06517931074,1317161,0.3148867786,0.3148867786,0.3535962403,0.2796359658,,0.8880524039,0.1119475886,0.7727641463,0.2272358537,0.7892767191,0.2052890658,0.005434210412,,,,0.6429218054,,,0.05454553291,0.1650896966,0.7803647518,0.9454544783,0.9053396583,0.00345786172,0.1509574801,0.001949773403,0.008724569343,0.1939839721,0.02127220854,0.04633139446,0.04444091022,0.4743362963,0.001485840883,0.1798431724,0,0.1565886587,0.4748347402,0.0483539477,0,0.01036241557,0.1271018088,0.00007608736632,,,,,,,19845,,53.43831253,19845,19911,19845,,,0.04598204046,0.3615579605,0.3783800602,0.2140799314 +Chile,CHL,Latin America and Caribbean,LCN,1987,casen,Higher education,4772689,0.02495909482,0.3792706728,0.04018049315,0.9253787398,0.9348604083,0.3638808727,0.2987015545,0.06517931074,2393004,0.5363317728,0.3685113192,0.1590185463,0.4758308232,,0.8871949315,0.1128050759,0.7634212971,0.236578688,0.7675241232,0.2110744715,0.021401437,,,,0.7307384014,,,0.07768895477,0.2702650726,0.6520459652,0.9706100821,0.8788319826,0.02504885383,0.1834187657,0.009802571498,0.05199488625,0.2125677317,0.07315252721,0.07456259429,0.06039166451,0.2313714623,0.00896394439,0.2063572407,0,0.1897288859,0.2523092926,0.05094483867,0,0.06750582904,0.2098479569,0.01205617748,,,,,,,26460,,71.25108337,19845,26460,31752,0.875,,0,0,0.5824087858,0.4175912142 +Chile,CHL,Latin America and Caribbean,LCN,1987,casen,Lower education,7520733,0.4546939731,0.1021522805,0.08267505467,0.7290672064,0.4626309574,0.3638808727,0.2987015545,0.06517931074,1803188,0.5182581544,0.2481604815,0.361582011,0.4716953635,,0.9101552367,0.08984476328,0.8291638494,0.1708361804,0.6600083113,0.3346815407,0.005310121924,,,,0.5399718881,,,0.3335072994,0.2598123252,0.4066803753,0.9009999037,0.537042439,0.02519093081,0.144663915,0.004181582015,0.08577589691,0.1475274116,0.05207881331,0.01007172745,0.02955277823,0.1674496531,0.001281394274,0.009794775397,0,0.03291836753,0.296880722,0.3073890209,0,0.0782668069,0.2709512115,0.001158312196,,,,,,,15876,,42.75065231,15876,19845,14553,0.875,,0.08462361991,0.7186803818,0.1966959685,0 +Chile,CHL,Latin America and Caribbean,LCN,1987,casen,Male,5904350,0.3034359515,0.2100053281,0.0600579232,0.7907659411,0.6365061402,0.3638808727,0.2987015545,0.06517931074,2879031,0.7660756111,,0.07448878884,0.6903743744,,0.9011830688,0.09881693125,0.7973208427,0.2026791573,0.6896739006,0.2919102907,0.01841580495,,,,0.6495399475,,,0.2504558861,0.311090529,0.4384535849,,0.6524678469,0.03488145396,0.1734751314,0.009779292159,0.09295465052,0.1796832979,0.08319047838,0.04638000205,0.04802093655,0.08117886633,0.007475716062,0.09397448599,0,0.1054786742,0.1801807135,0.2143274993,0,0.1000750065,0.2858039141,0.01056374703,,,,,,,22756,,61.27701187,16049,25137,27783,,,0.03883133829,0.3628453612,0.3990707397,0.1992525905 +Chile,CHL,Latin America and Caribbean,LCN,1987,casen,Old worker,5362721,0,0,0,0.8250110149,1,0.3638808727,0.2987015545,0.06517931074,3176982,0.5924198031,0.3369239867,,0.5520359874,,0.9318324924,0.06816752255,,,0.6993277669,0.2827797234,0.01789249294,,,,0.6793587208,,,0.170448184,0.272416234,0.557135582,0.9579281807,,0.02763367444,0.164961651,0.008618587628,0.07120233029,0.1861135513,0.06963664293,0.04816623405,0.04849084839,0.2047283053,0.006953754928,0.135975197,0,0.1234009415,0.2649128437,0.1419429332,0,0.07646022737,0.2404348701,0.008108322509,,,,,,,23814,,64.12597656,17199,26460,26460,0.875,,0.05638443679,0.4277746081,0.2958739698,0.2199669778 +Chile,CHL,Latin America and Caribbean,LCN,1987,casen,Rural,2393757,0.3277183175,0.2112181783,0.06903666258,0,0.6032450199,0.3638808727,0.2987015545,0.06517931074,737987,0.5110635161,0.158575803,0.3387624621,0.4740294814,,0.9275352955,0.07246468961,0.8616639376,0.1383360326,0.6518601775,0.3372749388,0.01086489577,,,,0.503662169,,,0.7536740899,0.08817280829,0.1581530869,0.6363897324,0.2138065398,0.009860989638,0.0508066155,0.002395062475,0.02511013858,0.04749476165,0.01854199544,0.003466845723,0.01011979673,0.07852968574,0.006446956657,0.02688204311,0,0.04592050612,0.09559114277,0.6921954155,0,0.04143407941,0.09080815315,0.0005682905321,,,,,,,15876,,42.75065231,15876,17199,15876,0.875,,0.09592680633,0.5690387487,0.2712816,0.06375283003 +Chile,CHL,Latin America and Caribbean,LCN,1987,casen,Total,12293422,0.2878575325,0.2097382694,0.06617734581,0.8052814603,0.645965144,0.5480711794,0.4456239399,0.1024472395,4196192,0.52841298,0.3148867786,0.2193743289,0.4740188916,,0.8970614076,0.1029385701,0.7886765003,0.2113234699,0.720623374,0.2649945915,0.0143820513,,,,0.6474826932,,,0.1895418465,0.2656947672,0.5447633862,0.9454544783,0.7399675846,0.02511097491,0.1664737612,0.007344874553,0.06676515192,0.1841297746,0.06393834949,0.04636488855,0.04690780491,0.2034225613,0.00561441062,0.1206574887,0,0.1213606894,0.2717421055,0.1627525538,0,0.07219753414,0.2364885211,0.007304790895,,,,,,,21168,,57.00086975,17067,23814,23814,0.875,,0.04264371842,0.3621589839,0.3880395591,0.207157746 +Chile,CHL,Latin America and Caribbean,LCN,1987,casen,Urban,9899665,0.2782191038,0.2093804181,0.06548595428,1,0.6562949419,0.3638808727,0.2987015545,0.06517931074,3458205,0.532269001,0.3460018635,0.1902526766,0.4740165472,,0.8905582428,0.1094417498,0.7668055892,0.233194381,0.7359221578,0.2489132583,0.01516456716,,,,0.6795164347,,,0.06341098994,0.3053857982,0.6312032342,0.9737131596,0.9185432792,0.02852062508,0.1923350692,0.008451572619,0.07607854158,0.2146791667,0.07408823818,0.05595619604,0.05513301119,0.2313465923,0.005429366603,0.1415002495,0,0.1381282061,0.3108938336,0.04507728294,0,0.07903509587,0.2688677907,0.0088020619,,,,,,,23814,,64.12597656,19845,23814,23814,0.875,,0.02903385274,0.3093165755,0.4178625047,0.2437870502 +Chile,CHL,Latin America and Caribbean,LCN,1987,casen,Young worker,2578401,0,1,0,0.8039075136,1,0.3638808727,0.2987015545,0.06517931074,1019210,0.3952876329,0.268052876,0.2193743289,0.3117540777,,0.7886765003,0.2113234699,0.7886765003,0.2113234699,0.7992001176,0.199370712,0.001429171767,,,,0.5301206112,,,0.2600323856,0.2408802062,0.4990873933,0.9053396583,0.7399675846,0.01579760201,0.1720562279,0.002642544452,0.05038384721,0.1768060327,0.04290123284,0.03971463442,0.04106348753,0.1986020058,0.0006817387184,0.06424392015,0,0.1138466373,0.2968934774,0.2393923104,0,0.05649847537,0.2219544798,0.004345462192,,,,,,,15876,,42.75065231,15876,17067,15876,0.875,,0.01435321942,0.2270642221,0.5777974725,0.1807850748 +Chile,CHL,Latin America and Caribbean,LCN,1990,casen,Female,6669099,0.2720296979,0.1918289065,0.07190986723,0.8278208375,0.6560604572,0.3608552217,0.2958579361,0.06499729306,1541899,0.3524073064,0.3524073064,0.3558264375,0.3182515204,,0.9030786157,0.09692139179,0.8109714985,0.1890284717,0.7801247239,0.2068887502,0.01298654638,0.3505611718,0.6241827607,0.8195160627,0.6972222328,0.6449479461,,0.05303714424,0.1649534851,0.7820093632,0.9469628334,0.9136935472,0.003099891823,0.1505322754,0.002297151135,0.009024161845,0.2291662395,0.02359250002,0.05127443373,0.02439091168,0.4535852969,0.006431082729,0.1696340889,0.1707924753,0.2880306542,0.01430709474,0.1321090162,0.02282298356,0.0009867456974,0.001304170466,0.1935817003,50,0.1790556163,0.3394250274,174.4888916,,0.4698610306,36240,,97.58651733,31408,36240,36240,,,0.03753508627,0.3378864527,0.4125654697,0.2120129913 +Chile,CHL,Latin America and Caribbean,LCN,1990,casen,Higher education,5341590,0.02024153806,0.3499450684,0.04330601916,0.9147589207,0.9364524484,0.3608552217,0.2958579361,0.06499729306,2853465,0.5704482794,0.4107232988,0.1692747325,0.5229186416,,0.9166802764,0.08331975341,0.8288392425,0.1711607426,0.7820749879,0.1863759458,0.03154904768,0.250671804,0.7259120345,0.8790476322,0.7394409776,0.7457588911,,0.07840739191,0.2790361941,0.6425564289,0.9730966091,0.8890826106,0.02293863334,0.1882896125,0.01098225918,0.05682567134,0.2209428549,0.07657496631,0.07090186328,0.0424263142,0.231710434,0.0200190004,0.2002557665,0.1423220783,0.1106875166,0.07281183451,0.1190137342,0.1230447516,0.01375188027,0.002770561725,0.1953228861,50,0.1091096476,0.3463055193,239.6825409,,0.645413518,48320,,130.1153564,36240,54360,50736,0.8571428657,,0,0,0.6017128825,0.3982870877 +Chile,CHL,Latin America and Caribbean,LCN,1990,casen,Lower education,7593060,0.4714510441,0.08541892469,0.08251640201,0.7440472245,0.4460325539,0.3608552217,0.2958579361,0.06499729306,1827393,0.5395709276,0.2691560984,0.3787194192,0.4949887097,,0.9173746705,0.0826253593,0.8567276001,0.143272385,0.6741959453,0.3149807155,0.01082335785,0.4615951777,0.5185963511,0.7397313118,0.500026226,0.5318171978,,0.3240830004,0.272176981,0.4037400484,0.8911682963,0.5127886534,0.02293594927,0.1482203752,0.002507984405,0.09851266444,0.172233656,0.05070193484,0.006040684879,0.007961579598,0.1668021828,0.001301595592,0.08377335966,0.1044951007,0.1919435859,0.08595243096,0.3435460627,0.1739389747,0.001631468302,0.002050221898,0.01136718877,50,0.1270389408,0.43956092,145.4074097,,0.3915508687,32616,,87.8278656,31408,41072,31408,0.8571428657,,0.07356783003,0.6883981824,0.2380339652,0 +Chile,CHL,Latin America and Caribbean,LCN,1990,casen,Male,6265551,0.2990455329,0.1976726353,0.06037792936,0.8004153371,0.6405765414,0.3608552217,0.2958579361,0.06499729306,3138959,0.7820875049,,0.08625965565,0.722465694,,0.9237658381,0.07623419166,0.8528727889,0.1471272409,0.7206259966,0.2508955598,0.0284784548,0.3246463537,0.6549068093,0.8338589668,0.6209166646,0.6701738834,,0.2330136001,0.329878509,0.4371078908,,0.6828058362,0.03246990591,0.1832049191,0.01024314854,0.1039605364,0.1887551993,0.08703556657,0.04273384809,0.03111378849,0.08746947348,0.01572286151,0.1476178467,0.1067810282,0.07250221819,0.1085036397,0.2425357699,0.2005964071,0.01287459955,0.003058286384,0.08980733156,50,0.08615566045,0.403470248,195.7407379,,0.5270876884,43488,,117.1038284,31408,48320,51944,,,0.03326174244,0.3259381354,0.44124493,0.1995551884 +Chile,CHL,Latin America and Caribbean,LCN,1990,casen,Old worker,5871043,0,0,0,0.8232768774,1,0.3608552217,0.2958579361,0.06499729306,3695213,0.6293963194,0.3853161037,,0.5903739929,,0.9380003214,0.06199967489,,,0.7196298838,0.2519669831,0.02840315923,0.3078167439,0.6705131531,0.8544401526,0.6694235802,0.6874524951,,0.1594786942,0.2797961831,0.5607250929,0.9553979039,,0.02460999414,0.1711937189,0.008664731868,0.07532774657,0.199683696,0.0699088499,0.04554278776,0.03272689879,0.212862879,0.01548103895,0.1598506272,0.1286730319,0.138236776,0.07986155152,0.1887386143,0.143041864,0.01001295075,0.002513768384,0.1335897744,50,0.1193952858,0.3827759624,206.9259186,,0.5572069883,45904,,123.6095963,32616,50736,48320,0.8571428657,,0.04665663093,0.3934884071,0.3414758444,0.2183791101 +Chile,CHL,Latin America and Caribbean,LCN,1990,casen,Rural,2398788,0.303483665,0.1913153678,0.0726704523,0,0.6238458753,0.3608552217,0.2958579361,0.06499729306,805573,0.5383140445,0.1917559803,0.331638068,0.5039659739,,0.9361932278,0.06380675733,0.8997735977,0.1002263874,0.6617490053,0.3132452369,0.02500576898,0.5125038028,0.4681690633,0.6825412512,0.4559445381,0.4820132554,,0.7230510116,0.09684243053,0.1801065356,0.6747395396,0.2265545428,0.01372429822,0.0513699092,0.006621954031,0.02512626909,0.06116084754,0.02041658573,0.004939261358,0.007960942574,0.08562889695,0.005766589195,0.175363183,0.03790912405,0.06772460043,0.04395416379,0.5771242976,0.05375166237,0.001516895369,0.0003394451051,0.03655001894,50,0.09325320274,0.4589796662,145.4074097,,0.3915508687,31408,,84.57498169,31408,36240,36240,0.8571428657,,0.08169614524,0.5415308475,0.2995534837,0.07721953839 +Chile,CHL,Latin America and Caribbean,LCN,1990,casen,Total,12934650,0.2851161659,0.1946596205,0.06632378697,0.8145455718,0.6485600471,0.5418772778,0.4396141377,0.1022631401,4680858,0.5579825191,0.3524073064,0.2232270092,0.5116428288,,0.9169513583,0.08304866403,0.8380380273,0.1619619578,0.7399300337,0.2366177589,0.02345217764,0.3405481583,0.6594518722,0.8289094567,0.6456288099,0.6620181203,,0.1746004969,0.2763504982,0.5490490198,0.9469628334,0.7617542148,0.02293758281,0.1726007015,0.00766419759,0.07314801216,0.2018709928,0.06644450128,0.045505777,0.02893181331,0.2062959224,0.01270840783,0.1547603905,0.127547726,0.1424242854,0.07794424891,0.2067109495,0.1429228783,0.009017922916,0.002489213366,0.1234739795,50,0.1161275506,0.3828076422,192.2947845,,0.517808497,42280,,113.8509445,31408,48320,42401,0.8571428657,,0.0355017148,0.3322011232,0.4262119234,0.2060852349 +Chile,CHL,Latin America and Caribbean,LCN,1990,casen,Urban,10535862,0.280934304,0.1954210252,0.06487879157,1,0.6541869044,0.3608552217,0.2958579361,0.06499729306,3875285,0.5622529387,0.3839740753,0.1990627199,0.513309598,,0.9129514098,0.08704856783,0.8212524056,0.1787475646,0.7566013336,0.2202777565,0.02312088944,0.2948009074,0.6826207638,0.8564529419,0.6863779426,0.7005199194,,0.05713555589,0.3147968054,0.6280676126,0.9742965102,0.9224991798,0.02491084673,0.1985654235,0.007887421176,0.08343312144,0.2320077419,0.07630258054,0.05419415236,0.03342327103,0.2321399003,0.0141881723,0.1503685564,0.1466556787,0.1583477706,0.08518980443,0.1277512014,0.1619312018,0.01061689202,0.002947472036,0.1420032531,50,0.1210359856,0.3664624393,206.9259186,,0.5572069883,45904,,123.6095963,36240,48320,43488,0.8571428657,,0.0238529779,0.2794149518,0.4581510723,0.238580972 +Chile,CHL,Latin America and Caribbean,LCN,1990,casen,Young worker,2517854,0,1,0,0.8177316785,1,0.3608552217,0.2958579361,0.06499729306,985645,0.391462326,0.272767067,0.2232270092,0.328060329,,0.8380380273,0.1619619578,0.8380380273,0.1619619578,0.8251265287,0.172199741,0.002673754701,0.4389533699,0.5376255512,0.7361665964,0.5452031493,0.5551453233,,0.2382458001,0.2618480921,0.4999061227,0.9136935472,0.7617542148,0.01589865983,0.1785224825,0.003453102661,0.0639738515,0.2110770047,0.05186360329,0.04535001516,0.01295888983,0.1786566079,0.001073839492,0.1334006488,0.1228256896,0.1599960327,0.06989883631,0.2821268141,0.1424235553,0.004842568189,0.002386175329,0.0810258463,50,0.1025061384,0.3829396665,152.118515,,0.4096224308,33824,,91.08074951,31408,36240,33824,0.8571428657,,0.01016670279,0.1930056214,0.6186642647,0.1781634092 +Chile,CHL,Latin America and Caribbean,LCN,1992,casen,Female,6882870,0.2720878124,0.1828071773,0.07393310964,0.8300209045,0.653979063,0.365539968,0.2957988083,0.06974118203,1676456,0.3724420667,0.3724420667,0.3157351911,0.3440919816,,0.9238805175,0.07611950487,0.8324292898,0.1675707251,0.780962646,0.1986017227,0.02043565363,0.372338742,0.6023049355,0.8498504758,0.7090145946,0.6205629706,,0.06417988241,0.1730067283,0.7628133893,0.9358201027,0.8857870102,0.003327990416,0.1582323611,0.002370168921,0.009076219052,0.2340823114,0.02360675298,0.04901665449,0.02269705012,0.4334106147,0.04663028196,0.1054230183,0.06369778514,0.1380050927,0.227292493,0.01308077853,0.09252706915,0.01798259653,0.295252949,0.0001079240174,50,0.1563987732,0.3276783824,248.3796387,,0.6688328981,53650,,144.4679108,46139,57674,53650,,,0.03761455044,0.3365153074,0.4097085893,0.2161615491 +Chile,CHL,Latin America and Caribbean,LCN,1992,casen,Higher education,5488469,0.01309673022,0.3394808173,0.04123499617,0.9200522304,0.9456682801,0.365539968,0.2957988083,0.06974118203,3086654,0.5946999788,0.4279100895,0.1491281241,0.5583645105,,0.9389011264,0.06109884754,0.862082541,0.137917459,0.7823902965,0.1756497025,0.04196000099,0.2779853344,0.6954372525,0.8991047144,0.7455641031,0.7160943747,,0.07357116044,0.2929102778,0.6335185766,0.967987597,0.8947141767,0.02152508125,0.1887923479,0.01040336583,0.07218948007,0.2270835787,0.0799151361,0.06708686054,0.04290530831,0.2165276855,0.06467474997,0.1161330566,0.08718133718,0.119545348,0.1576090753,0.0264266599,0.1742080599,0.08139376342,0.1607657522,0.01206217892,50,0.0895389691,0.3462547362,343.9102783,,0.9260763526,75110,,202.2550659,53650,75110,75110,0.870370388,,0,0,0.579880774,0.420119226 +Chile,CHL,Latin America and Caribbean,LCN,1992,casen,Lower education,7898436,0.4748652875,0.0789033398,0.08500885218,0.7498497367,0.4401258826,0.365539968,0.2957988083,0.06974118203,1937780,0.5574250221,0.2929762006,0.3319844007,0.5309405923,,0.952487886,0.04751210287,0.8943386674,0.1056613252,0.6828886271,0.2975376546,0.01957369037,0.485971272,0.4916574061,0.7781148553,0.5068356991,0.5036553144,,0.3057172596,0.2771747708,0.4171079695,0.8708783984,0.5417250395,0.02036323585,0.1402144283,0.004217997659,0.1123791188,0.1695026904,0.05559825897,0.006859550253,0.01159487013,0.1735526025,0.03084103763,0.003768140217,0.00702804001,0.01205945946,0.1000290215,0.1132937223,0.19892928,0.07855056226,0.4544636607,0.001037092879,50,0.1037660316,0.4084183574,202.6777802,,0.5457676649,44530,,119.9097061,42920,55367,42920,0.870370388,,0.07013968378,0.6808834076,0.248976931,0 +Chile,CHL,Latin America and Caribbean,LCN,1992,casen,Male,6504035,0.299787581,0.1888373941,0.05979088321,0.8086352348,0.6404215097,0.365539968,0.2957988083,0.06974118203,3347978,0.8037737012,,0.07123159617,0.7670303583,,0.9542864561,0.04571356252,0.894923687,0.1050762832,0.7255946398,0.2349423617,0.03946296871,0.3523980081,0.6228624582,0.8581622243,0.6251533628,0.6393508315,,0.2126496583,0.3419183493,0.4454319775,,0.7262204289,0.02967335843,0.1754568517,0.01071333885,0.1260748059,0.190323323,0.09312087297,0.04094590992,0.03455781564,0.08648406714,0.0538646169,0.05633696914,0.05221899599,0.04840975627,0.09047203511,0.0831528753,0.2281631529,0.1105347872,0.2653582096,0.0114885876,50,0.06561375409,0.391100198,298.0555725,,0.8025994897,64380,,173.3614807,42920,69745,75110,,,0.0307433065,0.3299421072,0.4268247485,0.2124898434 +Chile,CHL,Latin America and Caribbean,LCN,1992,casen,Old worker,6180134,0,0,0,0.830186069,1,0.365539968,0.2957988083,0.06974118203,3981694,0.6442731023,0.3994979858,,0.6204404235,,0.9630084634,0.03699154034,,,0.7190439701,0.2406349778,0.04032104835,0.3426602185,0.6327524185,0.8749465942,0.6726518869,0.6498988271,,0.151391387,0.2878403664,0.5607682467,0.9486753345,,0.02294061892,0.1649691761,0.008668574505,0.09126199782,0.1994998306,0.07475460321,0.0443960838,0.0347289145,0.2073888034,0.06131026894,0.08376241475,0.05871868134,0.07448375225,0.1291017234,0.06061344594,0.1847078353,0.08582752943,0.252394259,0.009080089629,50,0.09673246741,0.3770151138,298.0555725,,0.8025994897,64380,,173.3614807,42920,75110,64380,0.870370388,,0.04474964738,0.3879755437,0.3358077705,0.2314670384 +Chile,CHL,Latin America and Caribbean,LCN,1992,casen,Rural,2414587,0.3075573444,0.1852001995,0.07260371745,0,0.6198388934,0.365539968,0.2957988083,0.06974118203,810049,0.5412396193,0.214276433,0.3043101132,0.5236564279,,0.9675130844,0.03248692304,0.930385828,0.06961414218,0.6618968844,0.3056503832,0.03245275468,0.5432564616,0.435411036,0.7353051901,0.4338807464,0.4469497204,,0.6859787703,0.1157382801,0.1982829571,0.6295347214,0.2788643241,0.01708605886,0.05953515321,0.003494468518,0.03562260419,0.07204335928,0.02534512989,0.003371676197,0.008695241064,0.08882755041,0.0223509483,0.01902371272,0.01472486462,0.01755799353,0.05388434976,0.254334271,0.06515175104,0.04518451169,0.5053923726,0.00239520031,50,0.07996543497,0.3946293592,198.7036896,,0.535066247,42920,,115.5743256,42920,51504,45066,0.870370388,,0.0747166723,0.5408280492,0.3096307516,0.07482454181 +Chile,CHL,Latin America and Caribbean,LCN,1992,casen,Total,13386905,0.2855457664,0.1857369542,0.06706210226,0.8196306825,0.6473921239,0.5446588792,0.4410708067,0.1035880725,5024434,0.5797483921,0.3724420667,0.1949600279,0.5473643133,,0.9441411495,0.05585882813,0.8720965981,0.1279034019,0.7436749339,0.2230754197,0.03324965015,0.3680891384,0.631910831,0.8552854657,0.6524476409,0.6332198977,,0.1641744673,0.2867689431,0.5490565896,0.9358201027,0.7818428874,0.0210716296,0.169833079,0.007989305072,0.08787491918,0.2046105713,0.07042460144,0.04358099774,0.03068529069,0.1997551322,0.05150027573,0.07237938792,0.05597052351,0.07769152522,0.1351880282,0.06025173888,0.1838342398,0.08028665185,0.2751284838,0.007769131102,50,0.09508978575,0.3705084324,276.5955505,,0.7448123097,64380,,173.3614807,42920,64380,64380,0.870370388,,0.03434297815,0.3333856463,0.4178580344,0.2144133598 +Chile,CHL,Latin America and Caribbean,LCN,1992,casen,Urban,10972318,0.2807018459,0.1858550757,0.06584260613,1,0.6534555554,0.365539968,0.2957988083,0.06974118203,4214385,0.5877867341,0.4027556777,0.1709810495,0.552313149,,0.9396488667,0.0603511557,0.8573745489,0.1426254809,0.759860456,0.206732139,0.03340737149,0.3224243522,0.6519206166,0.8762335777,0.6960225701,0.6702462435,,0.06032713503,0.3208067417,0.6188661456,0.9679440856,0.9207548499,0.02186482213,0.1917841136,0.008883848786,0.09827396274,0.230993554,0.07939613611,0.05158329383,0.03506166115,0.2218314707,0.05727815256,0.08295536786,0.06414609402,0.08961097896,0.1513037682,0.02178138308,0.2073590606,0.0872444734,0.2294863909,0.008834333159,50,0.09811374545,0.3656857014,298.0555725,,0.8025994897,64380,,173.3614807,48799,69209,64380,0.870370388,,0.02426312305,0.2815947533,0.4448784888,0.2492636442 +Chile,CHL,Latin America and Caribbean,LCN,1992,casen,Young worker,2486443,0,1,0,0.8201519251,1,0.365539968,0.2957988083,0.06974118203,1042740,0.4193701744,0.3027074337,0.1949600279,0.3657312989,,0.8720965981,0.1279034019,0.8720965981,0.1279034019,0.8475385904,0.1490303725,0.003431005403,0.4274211824,0.5461473465,0.7861536145,0.5670327544,0.5627590418,,0.2181570977,0.2822443247,0.4995985925,0.8857870102,0.7818428874,0.01317893434,0.190373227,0.00512076728,0.07357138395,0.2261930853,0.05213912204,0.04013891891,0.0136091765,0.167518273,0.01011518296,0.02435822599,0.04437696189,0.09122402966,0.1608641446,0.05872581899,0.1801487952,0.05691154674,0.3710366488,0.002238633344,50,0.08818586916,0.3431619704,223.5416718,,0.6019496322,48285,,130.0211182,42920,53650,48285,0.870370388,,0.008247110061,0.1964954287,0.6236081123,0.1716493666 +Chile,CHL,Latin America and Caribbean,LCN,1994,casen,Female,7102173,0.2661081254,0.176700145,0.07973137498,0.842576921,0.6541604996,0.3699714243,0.2940126061,0.07595882565,1803139,0.3881089389,0.3881089389,0.6983979344,0.3542571664,,0.9127776623,0.08722233772,0.8055281639,0.1944718212,0.7803221941,0.1974293143,0.02224848419,0.2983598411,0.7001461387,0.762044251,,0.7071447968,,0.05144832656,0.14347592,0.8050757647,0.9485516548,0.9229951501,0.002254133811,0.1291327029,0.002201881725,0.009887201712,0.2390621305,0.02461684309,0.06831301749,0.4608962536,0.01218751259,0.0529435873,0.1146102473,0.08352811635,0.1480929554,0.2259122133,0.006861437578,0.06495733559,0.03024913929,0.2699340582,0.0009046914638,48,0.1612489223,0.258759141,370.3703613,,0.9973276854,75000,,201.9588623,53000,80000,80000,,,0.03749647737,0.2312671542,0.4459813535,0.2852550149 +Chile,CHL,Latin America and Caribbean,LCN,1994,casen,Higher education,7550178,0.1852376163,0.2576527297,0.03927311301,0.9052626491,0.7754892707,0.3699714243,0.2940126061,0.07595882565,3544782,0.6054196954,0.4390409589,0.6147916913,0.5639159083,,0.9314462543,0.06855372339,0.839548707,0.1604513228,0.7752147913,0.1870240122,0.03776121512,0.2165351063,0.7822006941,0.8473302126,,0.7859503627,,0.06411068887,0.2673490047,0.6685402989,0.9723854661,0.917111218,0.01876052096,0.1660068184,0.009261384606,0.07332028449,0.2004616261,0.0823739022,0.08176331967,0.2910913825,0.01285006199,0.06671686471,0.1219604984,0.09645390511,0.1261761039,0.1568299383,0.02048777416,0.1486016363,0.09980543703,0.1487960666,0.01085719373,48,0.0954368934,0.2792213559,462.9629822,,1.246659636,100000,,269.2784729,60000,100000,100000,0.8571428657,,0,0,0.5142570734,0.4857429266 +Chile,CHL,Latin America and Caribbean,LCN,1994,casen,Lower education,6259017,0.3913633823,0.086985223,0.1124551967,0.7493235469,0.4961814284,0.3699714243,0.2940126061,0.07595882565,1728250,0.5564932823,0.2951003313,0.5020626783,0.5197091699,,0.9339001775,0.06609981507,0.8609801531,0.139019832,0.6970198154,0.286996454,0.01598376222,0.3831951916,0.6159052253,0.67686373,,0.6185192466,,0.3042881191,0.2702530921,0.4254587889,0.8842225671,0.5754038095,0.01407113858,0.1326315254,0.00417035073,0.1193800792,0.1472677141,0.05367491022,0.007387796883,0.2122089416,0.00491941534,0.03306231275,0.001621424337,0.0064782626,0.01376135182,0.1050437614,0.09785670787,0.1836930662,0.09093730897,0.4656071663,0.000628867303,48,0.1099410355,0.3357393742,277.777771,,0.7479957342,60000,,161.5670929,52000,80000,59517,0.8571428657,,0.08520296216,0.5475005507,0.3672965169,0 +Chile,CHL,Latin America and Caribbean,LCN,1994,casen,Male,6707022,0.2919598222,0.1841071993,0.06472499669,0.8261186481,0.643315196,0.3699714243,0.2940126061,0.07595882565,3469893,0.8041971922,,0.4801180065,0.7578510642,,0.9423696995,0.05763030797,0.8686576486,0.1313423365,0.7340474725,0.2311324179,0.03482009843,0.2576122582,0.7414191961,0.8165708184,,0.7429464459,,0.1890341789,0.3311320543,0.4798337817,,0.7708665133,0.024754107,0.1680929959,0.01030177437,0.1279831678,0.1547764689,0.09727938473,0.05182203278,0.1666868478,0.009269027971,0.05703775212,0.06626152247,0.05854849145,0.05965738744,0.09649710357,0.06553520262,0.2080236226,0.1304382831,0.2441990972,0.01081799529,48,0.0696978718,0.3172906339,396.8254089,,1.068565369,87303,,235.0881958,52000,97594,100000,,,0.03356709704,0.2262818515,0.4602972865,0.2798537612 +Chile,CHL,Latin America and Caribbean,LCN,1994,casen,Old worker,6470924,0,0,0,0.8423905373,1,0.3699714243,0.2940126061,0.07595882565,4252579,0.6571826339,0.4201236963,,0.6263799667,,0.9531291723,0.04687085003,,,0.7255421877,0.2378102392,0.03664756566,0.2573145628,0.7413606048,0.8207870722,,0.7448090911,,0.1360762417,0.2676099837,0.5963137746,0.9543623328,,0.01925562508,0.150850296,0.007499894593,0.090004161,0.175188005,0.07623079419,0.05710518733,0.2779465914,0.009843194857,0.06567385048,0.09465868771,0.06688497961,0.08477330953,0.1326866299,0.04743000492,0.1618310958,0.1002485156,0.2345834523,0.008652054705,48,0.1012592912,0.3068236411,416.6666565,,1.121993661,90000,,242.3506317,53000,100000,100000,0.8571428657,,0.04271750897,0.2548920214,0.4011292756,0.3012611866 +Chile,CHL,Latin America and Caribbean,LCN,1994,casen,Rural,2284272,0.3021351993,0.1678482294,0.0835377723,0,0.6143270135,0.3699714243,0.2940126061,0.07595882565,763977,0.5444184542,0.2174436003,0.5388343334,0.5120025277,,0.9404576421,0.0595423691,0.876951158,0.1230488196,0.6855688691,0.2914063931,0.02302474156,0.4270760119,0.5723004341,0.6730486751,,0.5748857856,,0.6463685036,0.1222609133,0.2313705981,0.7101219893,0.3322670758,0.01160770934,0.05504893512,0.007073186804,0.04853108153,0.07280149311,0.02926423214,0.006914520636,0.1199713871,0.002418968827,0.03310284764,0.02914314531,0.01727238297,0.0198138319,0.06065515429,0.2135846317,0.06922036409,0.05449638516,0.5002282858,0.002037612256,48,0.07884375751,0.3084795475,240.7407379,,0.6482629776,52000,,140.0248108,52000,70000,60000,0.8571428657,,0.07805744559,0.4437850416,0.3756843805,0.1024731472 +Chile,CHL,Latin America and Caribbean,LCN,1994,casen,Total,13809195,0.2786641121,0.1802976876,0.07244288921,0.8345832825,0.6488929838,0.5410861422,0.4294454079,0.1116407343,5273032,0.5884627354,0.3881089389,0.5901409984,0.5485947142,,0.9322505593,0.06774944812,0.8452422619,0.1547577381,0.7495408058,0.2198482156,0.03061096743,0.271565861,0.7284341689,0.7973156571,,0.7309638262,,0.1429687589,0.2683025002,0.5887287259,0.9485516548,0.8246414661,0.01722084358,0.1550486237,0.007589832414,0.08844321221,0.1829963326,0.07295108587,0.05734341219,0.265191704,0.01024617255,0.05566697568,0.08244925737,0.06691197306,0.08926668018,0.1398268491,0.04589051381,0.1601232886,0.09689374268,0.2528154552,0.007498900872,48,0.1002017558,0.2977885306,388.8888855,,1.047194123,80000,,215.4227905,52000,90000,90000,0.8571428657,,0.03561962023,0.2288859338,0.4528193176,0.2826751173 +Chile,CHL,Latin America and Caribbean,LCN,1994,casen,Urban,11524923,0.274012059,0.1827652156,0.07024385035,1,0.6557440758,0.3699714243,0.2940126061,0.07595882565,4509055,0.5966410637,0.4178407788,0.5994801521,0.5553892851,,0.9308600426,0.06913998723,0.8385964632,0.1614035368,0.7604914308,0.2075989842,0.0319095701,0.2445818186,0.7541845441,0.8143962622,,0.7576973438,,0.05679747835,0.2933017015,0.649900794,0.9696868062,0.9325569272,0.01818169281,0.1721664369,0.007678271271,0.09527532011,0.2018593401,0.08042934537,0.0659757629,0.2900503278,0.01158602256,0.05952947214,0.09157413244,0.07540921122,0.1011555269,0.1533793509,0.017184861,0.1756839305,0.1041512638,0.2104636878,0.00843375735,48,0.1038727984,0.2959509492,416.6666565,,1.121993661,90000,,242.3506317,60000,90070,90000,0.8571428657,,0.02639077231,0.1821523756,0.4695936739,0.3218631744 +Chile,CHL,Latin America and Caribbean,LCN,1994,casen,Young worker,2489766,0,1,0,0.8460052013,1,0.3699714243,0.2940126061,0.07595882565,1020453,0.4098590016,0.3016020358,0.5901409984,0.3464301527,,0.8452422619,0.1547577381,0.8452422619,0.1547577381,0.862316668,0.1354399323,0.002243400319,0.3367651105,0.662938118,0.7022998929,,0.6659681201,,0.1753585339,0.2715569437,0.5530845523,0.9229951501,0.8246414661,0.007658863906,0.1747776866,0.008012474515,0.081107907,0.2196897566,0.057538867,0.05846289545,0.205253154,0.01213986799,0.008642017841,0.02507391013,0.06703882664,0.110382244,0.1733806431,0.03865604848,0.1520978957,0.08112876862,0.3384925723,0.002079927595,48,0.09525518864,0.2555270493,307.8666687,,0.829018712,64500,,173.6846161,52000,70000,70000,0.8571428657,,0.01683816314,0.1600722522,0.5895943642,0.2334952205 +Chile,CHL,Latin America and Caribbean,LCN,1996,casen,Female,7284077,0.269304961,0.1727244258,0.08423607051,0.848808825,0.6464589834,0.3674233854,0.2899182141,0.07750517875,1887575,0.4008563161,0.4008563161,0.2645973563,0.3711197972,1.036705136,0.9258174896,0.07418248057,0.8324369192,0.1675630659,0.7932761908,0.1823641956,0.02435963415,0.3553460538,0.6403771043,0.751991868,0.7544785142,0.6449452043,0,0.06388435513,0.1421092153,0.7940064073,0.9361156225,0.9088389277,0.002447898034,0.1260163784,0.002768562408,0.0108763678,0.2252346277,0.02844616026,0.07735464722,0.02758489549,0.4353860915,0.04743389413,0.110136576,0.09221956134,0.1518520713,0.229089871,0.02083851211,0.05728165433,0.02704086713,0.2631752789,0.0009317310178,48,0.1930767447,0.3030534089,496.2962952,,1.336419106,100000,,269.2784729,64759,100000,100000,,,0.03651657701,0.2229789197,0.4606793821,0.2798251212 +Chile,CHL,Latin America and Caribbean,LCN,1996,casen,Higher education,8211085,0.2003863007,0.2462204397,0.04474426806,0.9101769328,0.7548694015,0.3674233854,0.2899182141,0.07750517875,3760336,0.6066724658,0.4536908567,0.1280453354,0.5718186498,1.050196648,0.9425492883,0.05745071545,0.8694592714,0.1305407435,0.7887682915,0.1691977233,0.04203398153,0.2710672021,0.7245274186,0.8328641057,0.7850952744,0.728502214,0,0.06846039742,0.2747515142,0.6567880511,0.967728436,0.9090858698,0.0222053472,0.1667689085,0.009221766144,0.07655551285,0.2131690085,0.0824887827,0.09156840295,0.04783987626,0.2217220068,0.05987478793,0.120014362,0.103236489,0.1210281029,0.1612773389,0.02809054404,0.1452382058,0.1023144126,0.1492344439,0.009691307321,48,0.1171242818,0.3515872955,641.9752808,,1.728701234,130000,,350.0620117,76000,130000,140000,0.8333333135,,0,0,0.53972435,0.4602756202 +Chile,CHL,Latin America and Caribbean,LCN,1996,casen,Lower education,6021159,0.3907146454,0.08441697061,0.1159138978,0.741453588,0.4933714569,0.3674233854,0.2899182141,0.07750517875,1654597,0.5569781065,0.2927751243,0.3328290284,0.5248129368,1.03895402,0.9422506094,0.05774940923,0.8931552172,0.1068447679,0.691850841,0.2929820716,0.01516708452,0.508415103,0.488832593,0.6359643936,0.4898602366,0.4909747839,0,0.3492200077,0.2627614737,0.3880185187,0.836417675,0.5909532309,0.01534466445,0.1225028187,0.002366570523,0.1225474179,0.1494704336,0.05201338977,0.008294147439,0.007894690149,0.1703458428,0.02468770742,0.0003336524242,0.007326209918,0.008293737657,0.1027327999,0.1475888044,0.1775943786,0.09056766331,0.4405529797,0.0003220806539,48,0.1521374583,0.3995662928,333.3333435,,0.8975949883,70000,,188.4949341,62000,91000,70000,0.8333333135,,0.08276118338,0.5661426783,0.3510961235,0 +Chile,CHL,Latin America and Caribbean,LCN,1996,casen,Male,6948167,0.293070972,0.1830535978,0.06501758099,0.8282991648,0.641911447,0.3674233854,0.2899182141,0.07750517875,3527358,0.7908682823,,0.0748077482,0.7524026036,1.051999331,0.9513627291,0.0486372523,0.9011434317,0.09885654598,0.741392374,0.2198524177,0.03875520453,0.3374462128,0.6588494182,0.7916904688,0.6635210514,0.6615356803,0,0.2013009191,0.3370271623,0.4616719186,,0.7766589522,0.02912269346,0.1670391858,0.009336323477,0.1315289587,0.1773895323,0.09596721083,0.06013228744,0.03963371739,0.08854918182,0.0499673076,0.06938500702,0.06428156793,0.05239122361,0.09859215468,0.0875762105,0.2062312216,0.1361300349,0.2255488336,0.009896432981,48,0.094068937,0.398940146,544.444458,,1.466071725,118000,,317.7485962,65000,120000,140000,,,0.02913949639,0.2282769084,0.4687956274,0.2737879753 +Chile,CHL,Latin America and Caribbean,LCN,1996,casen,Old worker,6638940,0,0,0,0.8469415307,1,0.3674233854,0.2899182141,0.07750517875,4469318,0.6731975079,0.4453892112,,0.6439740658,1.051110983,0.9565899968,0.04340997711,,,0.7388545275,0.2216935307,0.03945191205,0.3320338428,0.6639184952,0.8014737368,0.7112447023,0.6674816012,0,0.1504843533,0.2674055994,0.5821100473,0.9415022731,,0.02185196616,0.1480577886,0.007015145384,0.09048070014,0.1869160682,0.07546296716,0.06488847733,0.03762024641,0.2172222883,0.05712426081,0.09349618852,0.07529706508,0.08110765368,0.1371913105,0.06715340912,0.1546338946,0.1030114964,0.2238884717,0.007096244488,48,0.1246308237,0.3712719083,555.555542,,1.495991468,120000,,323.1341858,65500,125000,130000,0.8333333135,,0.04032115638,0.2530309558,0.4054884315,0.3011594415 +Chile,CHL,Latin America and Caribbean,LCN,1996,casen,Rural,2294294,0.2908502519,0.175358519,0.09088983387,0,0.6182599068,0.3674233854,0.2899182141,0.07750517875,758193,0.5345146656,0.2249212265,0.2638396025,0.5115984082,1.047829151,0.9571270347,0.04287298769,0.9160736203,0.08392640203,0.6631830335,0.3155471683,0.02126982249,0.5621459484,0.4337531328,0.6152915955,0.4051125348,0.4363694489,0,0.6810711026,0.1207182333,0.1982106864,0.6164067388,0.3644731343,0.009813539684,0.05912476778,0.004540780094,0.0472391434,0.06485536695,0.0278291516,0.006305324845,0.009593667462,0.08962717652,0.02107975632,0.01692122035,0.01437199675,0.01506761555,0.05829540268,0.2892203927,0.06855716556,0.05922841281,0.455810219,0.001447827206,48,0.1229003221,0.4047166705,300.9259338,,0.8103287816,65000,,175.0310059,62000,72000,70000,0.8333333135,,0.0695502311,0.4585901201,0.3778341413,0.09402550757 +Chile,CHL,Latin America and Caribbean,LCN,1996,casen,Total,14232244,0.2809074819,0.1777671129,0.07485362142,0.8387960196,0.6442388743,0.5522192428,0.4360300086,0.1161892342,5414933,0.5905719006,0.4008563161,0.1691868603,0.5565892321,1.046762109,0.9424580336,0.05754198506,0.8756650686,0.1243349537,0.7591587305,0.2070154846,0.03382578865,0.3449210192,0.6550790107,0.777282238,0.6946999431,0.6558565497,0,0.154797405,0.2710644305,0.5741381645,0.9361156225,0.8226346374,0.02009560354,0.1531565487,0.00711370958,0.09069858491,0.1935809255,0.07311722636,0.06596055627,0.03555624187,0.2059232146,0.04909845069,0.08336114138,0.07386316359,0.08650226146,0.1433475912,0.06468788534,0.1551475525,0.0987168774,0.2384531796,0.0068219034,48,0.1278239489,0.3662492037,524.166687,,1.411468029,102000,,274.6640625,65000,120000,120000,0.8333333135,,0.03296851367,0.2255270183,0.4645829499,0.2769215107 +Chile,CHL,Latin America and Caribbean,LCN,1996,casen,Urban,11937950,0.2789966464,0.1782300174,0.07177170366,1,0.6492316723,0.3674233854,0.2899182141,0.07750517875,4656740,0.6008313298,0.4302952886,0.1512891203,0.5648232698,1.046585202,0.9400696754,0.05993033573,0.8671438694,0.1328561306,0.775069654,0.1890230179,0.0359073244,0.3073431849,0.6887896657,0.8005376458,0.7426572442,0.6922317147,0,0.06558623165,0.2965503335,0.6378633976,0.964535892,0.9278082848,0.02183856629,0.1690963209,0.007549859118,0.09806560725,0.2154018134,0.08079422265,0.07607299834,0.03995728493,0.2256371081,0.0537603572,0.09441579133,0.08376163989,0.09838796407,0.1574990451,0.02732890472,0.1695549488,0.1052871868,0.2022880912,0.007716072258,48,0.1286434531,0.3598466218,555.555542,,1.495991468,120000,,323.1341858,70000,120000,120000,0.8333333135,,0.02485401183,0.1738293171,0.4838254452,0.3174912333 +Chile,CHL,Latin America and Caribbean,LCN,1996,casen,Young worker,2530025,0,1,0,0.8409802318,1,0.3674233854,0.2899182141,0.07750517875,945615,0.3737571836,0.2787150443,0.1691868603,0.3272860944,1.024307966,0.8756650686,0.1243349537,0.8756650686,0.1243349537,0.8640133739,0.1312152296,0.004771418869,0.403167963,0.5936921239,0.6706711054,0.6081336141,0.5958880186,0,0.1773653626,0.290209204,0.5324254632,0.9088389277,0.8226346374,0.01090548839,0.1798355877,0.007629442029,0.09183867276,0.2284545898,0.06084319949,0.07157018036,0.02475640178,0.1468010843,0.007586712949,0.03093988635,0.0664466247,0.1144046709,0.17518951,0.05193550512,0.157804355,0.07650391757,0.3137858808,0.005402935669,48,0.1444565505,0.3400865197,400,,1.077113867,80000,,215.4227905,60000,90000,85800,0.8333333135,,0.01333591249,0.1520875692,0.6223737597,0.2122027725 +Chile,CHL,Latin America and Caribbean,LCN,1998,casen,Female,7493834,0.2607018054,0.1732066721,0.08295980096,0.8617595434,0.6563383937,0.3632352948,0.2840783596,0.07915693521,2101330,0.4272306263,0.4272306263,0.248046577,0.3781834841,0.04035875574,0.8851974607,0.1148025319,0.7604517937,0.2395482361,0.792470336,0.1791926622,0.02833702415,0.3662211299,0.6310693026,0.7384752631,0.7512870431,0.6343913674,,0.05424516648,0.1238476411,0.8219072223,0.9457548261,0.9155732393,0.00208161748,0.1082666889,0.001533257542,0.01196607482,0.2461733073,0.02831580304,0.07354904711,0.4653377235,0.008531298488,0.05849925801,0.1155819148,0.09314861894,0.1648246497,0.206530109,0.01475518383,0.05027762055,0.02707715519,0.265350312,0.0003499826998,48,0.2071837336,0.247157082,570.7493896,,1.536905289,120480,,324.4267273,80320,120480,120480,,,0.03306434304,0.214827165,0.4487138093,0.3033947051 +Chile,CHL,Latin America and Caribbean,LCN,1998,casen,Higher education,8314550,0.1608831435,0.251780808,0.04664245248,0.9224812984,0.7924743891,0.3632352948,0.2840783596,0.07915693521,4054240,0.6152979732,0.4720353782,0.1264753193,0.5574544072,0.05513482541,0.9059910178,0.09400898963,0.7934290171,0.2065709978,0.7833032012,0.171599552,0.04509726539,0.282042563,0.7154331207,0.8247154951,0.78745085,0.7179971337,,0.06040747464,0.2480438203,0.6915487051,0.9707847238,0.9140937924,0.01759955101,0.1486396343,0.009564659558,0.07223997265,0.2029985487,0.08640101552,0.09202133119,0.300017029,0.01011079177,0.06579910219,0.1211149693,0.1066884845,0.1331369579,0.1519599855,0.02283054776,0.1401931047,0.1017161235,0.1434511095,0.007615899667,48,0.1204359233,0.3065818548,743.7036743,,2.002634048,150600,,405.5333862,95380,160640,150600,0.8333333135,,0,0,0.5209907293,0.4790092707 +Chile,CHL,Latin America and Caribbean,LCN,1998,casen,Lower education,6308719,0.4275146723,0.07699581981,0.1105755419,0.7643759251,0.461909771,0.3632352948,0.2840783596,0.07915693521,1671049,0.5734437704,0.3279827535,0.3251953125,0.5072831511,0.04461956024,0.8846257925,0.1153742373,0.7713022828,0.228697747,0.6961544752,0.2856519222,0.01819356717,0.5267204046,0.4711703658,0.6070473194,0.4967805743,0.4727835357,,0.3196313381,0.2331860662,0.4471825957,0.8649330139,0.595651269,0.01268253848,0.1100738496,0.005280557554,0.1051491201,0.1548449397,0.05514076352,0.01167662069,0.2211739123,0.004346346483,0.03348411992,0.0008861811948,0.008236072958,0.01426751725,0.09896140546,0.1317027658,0.1638325751,0.08940079808,0.4564631283,0.0001603243873,48,0.1610729247,0.3286395371,402.8395081,,1.08476007,82328,,221.6915894,80320,102440,81324,0.8333333135,,0.08482086658,0.5593706369,0.3558085263,0 +Chile,CHL,Latin America and Caribbean,LCN,1998,casen,Male,7129435,0.2919003963,0.1797066629,0.0650421828,0.8464018703,0.6430574059,0.3632352948,0.2840783596,0.07915693521,3623959,0.7904573083,,0.07865317911,0.7178903818,0.05876279995,0.9081962705,0.09180374444,0.8060632348,0.193936795,0.7389838696,0.2185301036,0.04248600453,0.3443638384,0.6534029841,0.7844202518,0.6771738529,0.6550701261,,0.1803190559,0.3115612566,0.5081196427,,0.7894069552,0.0241612196,0.1541352123,0.01217950787,0.1210853234,0.1569699943,0.1051880941,0.06637476385,0.1711724252,0.008414391428,0.05541059375,0.07024196535,0.0701213479,0.06183881685,0.09731514007,0.07629374415,0.2016272694,0.1383677274,0.2151460797,0.008373677731,48,0.09031499922,0.3495802581,624.7111206,,1.682212591,140560,,378.4978333,80822,150600,151917,,,0.03147703037,0.2110769153,0.4682417512,0.2892043293 +Chile,CHL,Latin America and Caribbean,LCN,1998,casen,Old worker,6923938,0,0,0,0.8605079651,1,0.3632352948,0.2840783596,0.07915693521,4756282,0.6869331002,0.4744059443,,0.6337116361,0.05644334853,0.9225230813,0.0774769038,,,0.7381566763,0.2186868042,0.04315650091,0.3401287198,0.657363832,0.789473474,0.7198227048,0.659812212,,0.1299955845,0.2440256774,0.6259787679,0.9513708353,,0.01749586314,0.1359243244,0.008465784602,0.08213971555,0.1792933941,0.07985587418,0.06965070963,0.2887074947,0.008471254259,0.06392548978,0.09609506279,0.08108063787,0.09253586084,0.1287899613,0.05544831231,0.1471703202,0.1038876176,0.2206261456,0.005748237018,48,0.1293027252,0.3227669597,659.1919556,,1.775062084,140560,,378.4978333,80822,150600,150600,0.8333333135,,0.03794441,0.2413149923,0.4002273977,0.3205131888 +Chile,CHL,Latin America and Caribbean,LCN,1998,casen,Rural,2131019,0.285056591,0.1715113819,0.0902056694,0,0.6247377396,0.3632352948,0.2840783596,0.07915693521,719449,0.5403994918,0.2472351193,0.2426606119,0.4932563603,0.05442479253,0.9127624035,0.08723759651,0.8180507421,0.1819492728,0.666034162,0.3092654049,0.02470041998,0.5715014338,0.4270732105,0.5911527276,0.4262215793,0.4285030365,,0.6507250071,0.1165305823,0.2327444106,0.65756464,0.3782789409,0.0106215151,0.05113098025,0.003925772849,0.05085230991,0.07970780879,0.02671748772,0.007275927812,0.1171929985,0.001850199304,0.02685149387,0.01650712825,0.01829489321,0.01953749545,0.05905562267,0.2804902196,0.07193087786,0.06181036308,0.4415793717,0.001626348007,48,0.1259043813,0.2951261103,374.1759338,,1.007575274,80320,,216.2844696,80320,98947,90360,0.8333333135,,0.07070893049,0.4457276762,0.3775703311,0.1059930623 +Chile,CHL,Latin America and Caribbean,LCN,1998,casen,Total,14623269,0.2759123743,0.1763756722,0.07422424108,0.8542720675,0.6498633772,0.5387849625,0.4245698156,0.1142151469,5725289,0.6024636957,0.4272306263,0.1639007479,0.542069795,0.05211732537,0.8997551203,0.1002448946,0.788000524,0.2119995058,0.7582960129,0.2043267041,0.03737729415,0.3531055161,0.6468944839,0.7668775916,0.7039715052,0.647605598,,0.134795323,0.2437801808,0.6214244962,0.9457548261,0.8376236558,0.01618854702,0.137572661,0.008335277438,0.08168370277,0.1891802102,0.07743045688,0.06896530837,0.2773919106,0.008456605487,0.05652587116,0.08661366254,0.07843621075,0.09902573377,0.1367513239,0.05407292768,0.1469767839,0.09818207473,0.2332742214,0.005476419814,48,0.1321331114,0.3129310608,604.2592773,,1.627140164,125500,,337.9444885,80320,144576,140560,0.8333333135,,0.03230272606,0.2130277306,0.4580835998,0.2965859175 +Chile,CHL,Latin America and Caribbean,LCN,1998,casen,Urban,12492250,0.2743524909,0.1772054732,0.07149800658,1,0.6541494727,0.3632352948,0.2840783596,0.07915693521,5005840,0.6125750542,0.4542249143,0.1508970261,0.5500223637,0.05178019777,0.8978856802,0.1021143273,0.7824457884,0.2175541967,0.7717789412,0.188991189,0.03922986239,0.3202238083,0.6772278547,0.7889931202,0.744695425,0.6796528697,,0.05941634998,0.2623717487,0.6782118678,0.9687481523,0.9263958931,0.01700190827,0.1502020657,0.00897952076,0.08618827164,0.2051744759,0.08483978361,0.07797832787,0.3007974923,0.009421821684,0.06086139381,0.09685645252,0.08722305298,0.110639222,0.1481029093,0.02099263296,0.1579412222,0.103496097,0.2028401643,0.006038927939,48,0.1330560446,0.3155692816,669.333313,,1.802370548,140560,,378.4978333,85340,150600,140560,0.8333333135,,0.02464128099,0.1666076779,0.4741447866,0.3346062601 +Chile,CHL,Latin America and Caribbean,LCN,1998,casen,Young worker,2579189,0,1,0,0.8582910895,1,0.3632352948,0.2840783596,0.07915693521,969007,0.3757022023,0.2956427634,0.1639007479,0.2960535288,0.02725851163,0.788000524,0.2119995058,0.788000524,0.2119995058,0.8739938736,0.1218296811,0.004176456481,0.4219450951,0.5762371421,0.6574279666,0.6113944054,0.5775096416,,0.1623763442,0.242369473,0.5952541828,0.9155732393,0.8376236558,0.008676257916,0.1470445693,0.007585341576,0.07906330377,0.2459932119,0.06349318475,0.06502675265,0.2123686075,0.008372426033,0.01400511805,0.03213031217,0.06324043125,0.1363187581,0.1825000197,0.04616948217,0.1458646059,0.06539607048,0.3059543371,0.003914465662,48,0.1483643055,0.2565257549,464.8148193,,1.25164628,100400,,270.3555908,80320,109790,100400,0.8333333135,,0.01728946529,0.1377516091,0.6120465994,0.2329123318 +Chile,CHL,Latin America and Caribbean,LCN,2000,casen,Female,7703672,0.2586741745,0.1632868052,0.08603818715,0.8722472787,0.6552876234,0.3640147448,0.2764136493,0.08760108799,2222098,0.4401831925,0.4401831925,0.24829638,0.3878403604,0.0007998508518,0.8810884953,0.1189114973,0.7641900182,0.2358099669,0.791444242,0.1853411794,0.02321457304,0.2065494806,0.5832107663,0.7429514527,0.8400672078,0.7384656072,0.153730303,0.05282811075,0.1248421296,0.8223297596,0.9471718669,0.9213550091,0.002518771682,0.1092658117,0.002314339159,0.01074320637,0.240810141,0.02810203098,0.08600662649,0.03103940375,0.4363715649,0.05674319714,0.1326047033,0.08639913797,0.1597180516,0.2225816846,0.0195985958,0.05152706429,0.02230691351,0.2481830716,0.0003375805391,48,0.2054758817,0.2776900232,648.1481323,,1.74532342,130000,,350.0620117,90000,120000,130000,,1.723860025,0.02716636285,0.1998081058,0.4440318048,0.3289937079 +Chile,CHL,Latin America and Caribbean,LCN,2000,casen,Higher education,9028341,0.1755703539,0.2365204245,0.04778596759,0.924661696,0.7766436934,0.3640147448,0.2764136493,0.08760108799,4330969,0.6176682711,0.4836486876,0.1417635232,0.5553951859,0.0005246099317,0.8991802931,0.1008196995,0.7837195992,0.2162804008,0.7821359038,0.1713607609,0.04650334641,0.1409593225,0.6399427056,0.8213801384,0.8778082132,0.8194916844,0.1560356021,0.0592655614,0.2508265376,0.6899079084,0.9717079997,0.9094659686,0.01806475036,0.151041016,0.01069432404,0.07102642953,0.2233554572,0.08400698006,0.1018206254,0.04657555744,0.2341492921,0.06723850965,0.1348281503,0.1082385108,0.1245305687,0.1570645273,0.02623542957,0.1381144077,0.09489596635,0.1414479762,0.007405949757,48,0.1246588752,0.3376045823,793.6507568,,2.137130737,170000,,457.773407,106300,180000,175000,0.8422258496,1.723860025,0,0,0.492939055,0.507060945 +Chile,CHL,Latin America and Caribbean,LCN,2000,casen,Lower education,6084318,0.4193437994,0.06631392241,0.1211253256,0.7761340141,0.45953089,0.3640147448,0.2764136493,0.08760108799,1597456,0.5713500977,0.3341009915,0.3357209265,0.5028877854,0.001371938153,0.880174458,0.1198255196,0.7647746205,0.2352253646,0.6965655088,0.2856220305,0.01781243831,0.2548149526,0.4407804906,0.6301656961,0.6883769631,0.6336736679,0.0436991863,0.311932981,0.2396198958,0.4484471381,0.8596326709,0.6052983999,0.01019659173,0.1118670478,0.003819628153,0.1137366369,0.1742227376,0.05177963525,0.01345448848,0.01779313013,0.1911971271,0.05094302818,0.001223424566,0.006112849806,0.01324759424,0.1024927795,0.1469505131,0.1654435992,0.09294109792,0.4202890396,0.0003560606856,48,0.137834534,0.3514565825,462.9629822,,1.246659636,100000,,269.2784729,90000,120000,100000,0.8422258496,1.723860025,0.07308869064,0.5572399497,0.3696713746,0 +Chile,CHL,Latin America and Caribbean,LCN,2000,casen,Rural,2042252,0.2756305337,0.1620661914,0.09623444825,0,0.6281350255,0.3640147448,0.2764136493,0.08760108799,684452,0.533556819,0.2475326657,0.2557224035,0.4918335676,0.002185666002,0.9218016863,0.07819832861,0.8529461622,0.1470538527,0.6889951229,0.2917174399,0.01928743161,0.2593096793,0.4285823107,0.634937048,0.6536816359,0.623037219,0.05077725276,0.6388952732,0.1276796758,0.233425051,0.6347966194,0.4012650847,0.00971294567,0.06308334321,0.005716952961,0.04916642979,0.08727997541,0.02715751156,0.006804459728,0.01149264723,0.1006904468,0.06057037786,0.01912523247,0.0145403184,0.02063766681,0.06053704768,0.2943692505,0.0692942515,0.0630889833,0.3967941999,0.001042675111,48,0.1036888212,0.3052123189,439.8148193,,1.184326649,99000,,266.5856934,90000,100500,100000,0.8422258496,1.723860025,0.06150218472,0.4310955405,0.3852119148,0.1221903488 +Chile,CHL,Latin America and Caribbean,LCN,2000,casen,Total,15112659,0.2737129331,0.1679957211,0.07731220871,0.8648648262,0.6489748657,0.5408917361,0.4217619935,0.1191297426,5928425,0.6044641795,0.4401831925,0.1725871712,0.5404266773,0.0007493827725,0.894059062,0.1059409529,0.779682219,0.2203177512,0.7594364285,0.2016711384,0.03889243677,0.2257263415,0.7742736782,0.7742154598,0.8316105604,0.7742736936,0.1262335032,0.1264361143,0.2478472888,0.6257166266,0.9471718669,0.8457472324,0.01597303525,0.1406267881,0.008866716176,0.08238075674,0.21029374,0.07543948293,0.07832887024,0.0389238745,0.2227306366,0.06291416287,0.09937335551,0.08113733679,0.09499931335,0.1425827742,0.05826969445,0.145366773,0.09437719733,0.2154442668,0.005535114557,48,0.1281543821,0.3412795067,666.666687,,1.795189977,150000,,403.9177246,100000,150000,150000,0.8422258496,1.723860025,0.0263726525,0.201069355,0.4484602809,0.3240977228 +Chile,CHL,Latin America and Caribbean,LCN,2003,casen,Female,7969974,0.2458265275,0.1690013111,0.08940606564,0.872674644,0.6647673845,0.3534530699,0.2629803717,0.09047269076,2472212,0.4666154087,0.4666154087,0.2113752961,0.408621341,1.044080496,0.8757133484,0.124286674,0.7392787933,0.2607212365,0.78309834,0.1891106963,0.02779095434,0.2035452127,0.5672212243,0.747767508,0.7903645635,0.7359184027,0.1123301312,0.06284913421,0.1148476675,0.8223031759,0.937150836,0.9242302179,0.00282109133,0.0982465595,0.003167825285,0.01061219163,0.2529797554,0.03511781618,0.07178320736,0.03225459903,0.4301677942,0.06752102822,0.1215099171,0.09913762659,0.1485686451,0.2112182826,0.0196339637,0.05792160332,0.0198559165,0.2538409233,0.0007920911303,45,0.2490507066,0.2652429342,722.222229,,1.944789052,139000,,374.2970886,100195,130000,143124,,1.666666627,0.02558199503,0.1879574656,0.433327198,0.3531333208 +Chile,CHL,Latin America and Caribbean,LCN,2003,casen,Higher education,9568561,0.1602228433,0.2516357601,0.04592968524,0.9224427938,0.7938475013,0.3534530699,0.2629803717,0.09047269076,4784771,0.6299085021,0.5072569251,0.1156366467,0.5658988357,1.056448936,0.8983826041,0.1016174033,0.7847964168,0.2152035683,0.7815963626,0.1761198789,0.04228374362,0.1426195502,0.6269788146,0.8128539324,0.8332762718,0.8146831393,0.1063450426,0.06683718413,0.2406203449,0.6925424933,0.9620350003,0.9012796283,0.01725380123,0.1416062266,0.006830709055,0.07492961735,0.2308554202,0.08622770011,0.08975636214,0.04749545082,0.238207534,0.06521214545,0.1290149391,0.1102835834,0.1199028566,0.155019775,0.02838235907,0.1472344548,0.09448032826,0.1445244849,0.005945089273,45,0.1614866853,0.3205910623,839.5061646,,2.260609388,175000,,471.2373352,120000,180000,180000,0.9583333135,1.666666627,0,0,0.4785767496,0.5214232802 +Chile,CHL,Latin America and Caribbean,LCN,2003,casen,Lower education,5976404,0.4060163796,0.05589481443,0.1350404024,0.7746713758,0.458943218,0.3534530699,0.2629803717,0.09047269076,1602676,0.5843147635,0.3559809923,0.3465918303,0.529843986,1.046206713,0.9067783952,0.09322158992,0.806592226,0.193407774,0.6801025271,0.3020356894,0.01786176302,0.2305982709,0.4392102659,0.6529104114,0.6137932539,0.6557251215,0.02335832454,0.3198440075,0.2429591119,0.4371968806,0.8429803252,0.5835476518,0.009915504605,0.1115551069,0.002812845632,0.1186756566,0.1682469845,0.05352734402,0.009821215644,0.01228512265,0.1933162063,0.0375879854,0.0005604597973,0.006321352907,0.01175726205,0.09287382662,0.1670576334,0.1873092353,0.09078071266,0.4055773318,0.0001741969609,45,0.21875076,0.3377329111,532.4074097,,1.4336586,115000,,309.6702576,104674,125000,112000,0.9583333135,1.666666627,0.07085309923,0.545758605,0.3833883107,0 +Chile,CHL,Latin America and Caribbean,LCN,2003,casen,Male,7574991,0.2640780807,0.1841462255,0.07049156725,0.8582195044,0.665430367,0.3534530699,0.2629803717,0.09047269076,3915235,0.776735425,,0.07849919796,0.7115933299,1.059764504,0.916133523,0.08386648446,0.821998179,0.178001821,0.7395682335,0.2192954421,0.04113633186,0.1414921284,0.5869700909,0.7944278121,0.7787793279,0.8057659864,0.0691094026,0.1720039546,0.3175152242,0.5104808211,,0.8106248975,0.02298822068,0.155582726,0.007410604507,0.1315336823,0.1920677423,0.1038080007,0.06814340502,0.04239762574,0.1040640473,0.05259687454,0.08138430864,0.07480179518,0.05864640698,0.09579508007,0.08999302238,0.2175208777,0.1381060183,0.1844380498,0.006717570592,45,0.131503135,0.3608807325,740.7407837,,1.99465549,155000,,417.3816528,115000,170000,180000,,1.666666627,0.02269168198,0.1845444441,0.4597686529,0.3329952359 +Chile,CHL,Latin America and Caribbean,LCN,2003,casen,Old worker,7596966,0,0,0,0.8694990873,1,0.3534530699,0.2629803717,0.09047269076,5397807,0.7105214,0.5224920511,,0.6544811726,1.057711005,0.921127975,0.07887203246,,,0.7410389185,0.2178275436,0.04113356397,0.1443879157,0.5859124064,0.7963109612,0.8094182611,0.8022896647,0.09209623188,0.1286273748,0.2447943389,0.6265782714,0.9392374158,,0.0166267287,0.1338730156,0.006002814043,0.08829177916,0.1967853308,0.08019623905,0.07072160393,0.04138689861,0.2374882251,0.06424053758,0.1069555581,0.08490474522,0.08648910373,0.1245199814,0.06428690255,0.1589300185,0.09943871945,0.2055809349,0.00465350179,45,0.1657938808,0.3334826231,787.0370483,,2.119321346,160000,,430.8455811,115000,180000,175000,0.9583333135,1.666666627,0.02828610688,0.223379299,0.387034148,0.3613004684 +Chile,CHL,Latin America and Caribbean,LCN,2003,casen,Rural,2088766,0.2573055029,0.1641983837,0.1038565338,0,0.6388379335,0.3534530699,0.2629803717,0.09047269076,725606,0.5437763929,0.2735164464,0.2270447761,0.5068590045,1.052184939,0.9321091771,0.06789083779,0.8601918817,0.1398081034,0.6676188707,0.3112410307,0.02114013024,0.2294350266,0.4299454093,0.6567010283,0.5757240057,0.6520445347,0.0350413397,0.6419548392,0.1207534298,0.2372917235,0.6037845612,0.3968072534,0.0082334904,0.06279793382,0.00448588375,0.04523611441,0.08602185547,0.03057413921,0.01055632625,0.010109514,0.1000298858,0.0364700146,0.02144294232,0.01870173588,0.02287049964,0.05448533967,0.3237226009,0.07976567,0.06244267523,0.3795659542,0.0005325601087,45,0.1902446747,0.3154430091,516.666626,,1.391272068,110000,,296.2063293,100000,120000,115000,0.9583333135,1.666666627,0.04661657661,0.3993742168,0.4081724882,0.1458367109 +Chile,CHL,Latin America and Caribbean,LCN,2003,casen,Total,15544965,0.2547204196,0.1763813496,0.0801891163,0.8656306863,0.6650904715,0.503554855,0.3829861208,0.1205687342,6387447,0.617812705,0.4666154087,0.143774882,0.5563336754,1.053861141,0.9004892111,0.09951080382,0.7879188657,0.2120811641,0.7559526563,0.2079341114,0.0361132212,0.2214558835,0.7785440965,0.7759996653,0.7833020687,0.7785441279,0.08537739515,0.1309080869,0.2412126064,0.6278793216,0.937150836,0.8545331359,0.01539546717,0.1339961439,0.00581323402,0.08600776643,0.2150005996,0.07794672996,0.06951376051,0.03857886046,0.2268393487,0.05822097138,0.09650545567,0.08397264034,0.09253317863,0.1392917782,0.06347854435,0.157376647,0.09354402125,0.2105921954,0.004484581761,45,0.1757682711,0.3248662055,740.7407227,,1.994655371,150000,,403.9177246,112000,160000,160000,0.9583333135,1.666666627,0.02418784611,0.1863111854,0.4460813105,0.3434196711 +Chile,CHL,Latin America and Caribbean,LCN,2003,casen,Urban,13456199,0.2543191314,0.1782724857,0.07651529461,1,0.6691655517,0.3534530699,0.2629803717,0.09047269076,5661841,0.6287842989,0.4931964278,0.1318695843,0.5636654496,1.054084539,0.8964368701,0.1035631374,0.7773442864,0.2226556838,0.7677237988,0.1941677332,0.03810849041,0.1562418789,0.5994708538,0.7900242209,0.8075070381,0.7932522893,0.0920850262,0.06266708672,0.2572977543,0.6800351739,0.9638406038,0.9288104177,0.01635181904,0.1435033679,0.005990477279,0.09145208448,0.2322233617,0.08427247405,0.07738645375,0.04238042608,0.2437724471,0.06112514064,0.1065277383,0.09268755466,0.1018344834,0.1506150514,0.0287309736,0.1677391976,0.09769664705,0.1880309582,0.005012251902,45,0.1739152819,0.3260723948,787.0370483,,2.119321346,158271,,426.1897278,116000,163707,160000,0.9583333135,1.666666627,0.0200068634,0.1465937048,0.4531479478,0.380251497 +Chile,CHL,Latin America and Caribbean,LCN,2003,casen,Young worker,2741842,0,1,0,0.8749118447,1,0.3534530699,0.2629803717,0.09047269076,989640,0.3609398305,0.3027010858,0.143774882,0.284391284,1.029312968,0.7879188657,0.2120811641,0.7879188657,0.2120811641,0.8510495424,0.1448491514,0.004101282917,0.295314163,0.5388826728,0.6637435555,0.6377968192,0.6459898353,0.04253510013,0.145466879,0.2183489501,0.6361841559,0.9242302179,0.8545331359,0.007535797078,0.1347821504,0.004603064619,0.07142792642,0.3312765062,0.06358714402,0.06180357188,0.02065395191,0.1588629931,0.01982568391,0.02985038236,0.07802730799,0.1310847998,0.233512342,0.05832247809,0.1474686265,0.05594519898,0.2425560504,0.003407137468,45,0.2423517257,0.2673479617,592.5925903,,1.595724344,120000,,323.1341858,102880,120000,120000,0.9583333135,1.666666627,0.01294255164,0.08459931612,0.6081018448,0.2943562567 +Chile,CHL,Latin America and Caribbean,LCN,2006,casen,Female,8292318,0.2209765762,0.1753478348,0.1018342525,0.8764033318,0.6771891713,0.3421965837,0.2342308164,0.1079657674,2713345,0.4831912518,0.4831912518,0.2070094347,0.4369434714,0.0472778827,0.9042868018,0.09571322799,0.7865489125,0.2134510726,0.7799874544,0.1982501894,0.02176234312,0.1832496375,0.5821582675,0.765184164,0.799774766,0.7605856657,0.101905562,0.06862571836,0.1232100204,0.8081642389,0.9313743114,0.9141367674,0.002588116564,0.1063198298,0.001865093713,0.01243698318,0.2609699965,0.03552710637,0.07041615993,0.03217596188,0.4090750217,0.04370442033,0.1057856008,0.1007164046,0.1394074559,0.2420646548,0.01947553828,0.0613039732,0.02388571762,0.2579296529,0.0007588719018,44,0.2489567101,0.1933677047,798.0246582,,2.148908615,151500,,407.9569092,126250,151500,151500,,1.611111164,0.02456719242,0.1730911434,0.4374376535,0.3649039865 +Chile,CHL,Latin America and Caribbean,LCN,2006,casen,Higher education,10093307,0.1439445913,0.262408644,0.04930009693,0.9165874124,0.8067553043,0.3421965837,0.2342308164,0.1079657674,5199876,0.6385834813,0.5200902224,0.1277651191,0.5888257027,0.05929997563,0.9220810533,0.07791897655,0.8235087395,0.1764912605,0.7948936224,0.1721896678,0.03291671351,0.1314297169,0.6493155956,0.8318386078,0.8463636637,0.8316612244,0.09888483584,0.06856877357,0.2529770136,0.6784542203,0.954521656,0.9020473361,0.01863837801,0.1442954093,0.006369800773,0.08367341757,0.2277100831,0.0854626745,0.09231490642,0.04385482147,0.229111746,0.04538191855,0.114419505,0.1026669592,0.1132922173,0.1727742702,0.02781546488,0.1505176425,0.09889113158,0.1633069515,0.005019076169,44,0.1534853131,0.238849625,935.1852417,,2.518252611,181800,,489.5482788,136350,202000,191395,0.8999999762,1.611111164,0,0,0.4595059752,0.5404940248 +Chile,CHL,Latin America and Caribbean,LCN,2006,casen,Lower education,6058559,0.381876111,0.04668948427,0.1640307605,0.7962832451,0.4540931284,0.3421965837,0.2342308164,0.1079657674,1622071,0.5895974636,0.3769745231,0.3566749394,0.5510470271,0.04119225964,0.9346156716,0.06538431346,0.8280581832,0.1719418466,0.6950250268,0.2869830132,0.01799193025,0.2029784769,0.4771938026,0.6988794208,0.647765398,0.7015778422,0.02358700894,0.2947335541,0.262763232,0.4425032139,0.8411866426,0.6171717644,0.01423687022,0.1163174734,0.002545090625,0.1296637952,0.1641990989,0.05488543585,0.01793821901,0.01285201218,0.1926284432,0.03144366294,0.0004043500812,0.005614727736,0.01404473465,0.0993513912,0.1230985522,0.1895669699,0.09148668498,0.441716522,0.0002882560948,44,0.1806218773,0.2530326247,648.3950806,,1.745988369,131300,,353.5626526,126250,141400,126863,0.8999999762,1.611111164,0.07343365252,0.5193817019,0.4071846306,0 +Chile,CHL,Latin America and Caribbean,LCN,2006,casen,Male,7859548,0.2460813224,0.1879754364,0.08231376857,0.8662472963,0.6716049314,0.3421965837,0.2342308164,0.1079657674,4108602,0.7783638239,,0.09360215068,0.7307132483,0.05983052403,0.9387811422,0.06121887639,0.8494802117,0.1505197883,0.7651229501,0.2007307112,0.03414631635,0.1265870184,0.6243851185,0.8277276158,0.8052047491,0.8314357996,0.06681154668,0.1579075009,0.3392284214,0.5028641224,,0.8467081785,0.02708870918,0.157348454,0.007718234789,0.1470730156,0.1814966053,0.1050814763,0.07682570815,0.03901772574,0.1004425734,0.0409706533,0.07509855926,0.06576170027,0.05767033994,0.09983723611,0.07057155669,0.2226182669,0.1436947882,0.2125417292,0.005869728513,44,0.1033976376,0.2733614147,857.2444458,,2.308374882,181800,,489.5482788,136350,181800,202000,,1.611111164,0.02334317751,0.1658221781,0.447798878,0.3630357683 +Chile,CHL,Latin America and Caribbean,LCN,2006,casen,Old worker,7962537,0,0,0,0.8736793399,1,0.3421965837,0.2342308164,0.1079657674,5756854,0.7229924202,0.548291862,,0.6823340058,0.05969196185,0.9437637329,0.05623627082,,,0.7527040839,0.2138338834,0.0334620513,0.1296025664,0.6104735732,0.8189352751,0.8196062446,0.8248794079,0.08606490493,0.1225852743,0.2551114857,0.6223032475,0.9341447353,,0.01840507798,0.1350754052,0.005462198984,0.09616879374,0.1976291388,0.08145548403,0.07452283055,0.0386057049,0.2300900817,0.04730237275,0.09534465522,0.08052202314,0.08332851529,0.1419308633,0.05223527551,0.1608977169,0.1014890149,0.2278648913,0.003996605985,44,0.1496980935,0.2541755736,897.777771,,2.41752243,181800,,489.5482788,133320,191900,181800,0.8999999762,1.611111164,0.02759950794,0.2073870748,0.3821440041,0.3828694224 +Chile,CHL,Latin America and Caribbean,LCN,2006,casen,Rural,2076139,0.2326949239,0.1663077474,0.1165244728,0,0.6507806182,0.3421965837,0.2342308164,0.1079657674,742920,0.5498585701,0.3149659634,0.2076529711,0.5209046602,0.03404944763,0.9473429322,0.05265708268,0.8715667725,0.1284332275,0.7165757418,0.2624055147,0.02101875469,0.1875944883,0.5176115632,0.747656405,0.6623241305,0.7339862585,0.03564811125,0.5835145116,0.1560397297,0.2604457438,0.608501792,0.4627794325,0.01249607652,0.08199498057,0.006229489576,0.05531917885,0.08957424015,0.03481865302,0.01645549759,0.01052421331,0.1090731397,0.031200625,0.02358908765,0.01983802207,0.02828502469,0.06860756129,0.2344529629,0.09394145757,0.07845694572,0.4181926548,0.0006322818808,44,0.1304678917,0.1873481572,648.3950806,,1.745988369,136350,,367.1611938,131300,140390,136350,0.8999999762,1.611111164,0.04251588508,0.336807251,0.4266694784,0.1940073818 +Chile,CHL,Latin America and Caribbean,LCN,2006,casen,Total,16151866,0.2331926227,0.1814924628,0.09233552217,0.8714613318,0.6744718403,0.4826415655,0.3457410803,0.1369004852,6821947,0.6262126203,0.4831912518,0.1498539001,0.5792851262,0.05494999141,0.9250614047,0.07493858039,0.823974967,0.1760250032,0.7709023952,0.1997662634,0.02933136001,0.1964323628,0.8035676372,0.8031656742,0.803063333,0.8035676479,0.08079192787,0.1232369244,0.2553425133,0.6214205623,0.9313743114,0.8727365732,0.01757445373,0.1375326365,0.005445298739,0.09479013085,0.2123583257,0.07807159424,0.07433670014,0.0363608785,0.2202930599,0.04203355685,0.08702984452,0.07935227454,0.08945017308,0.155136019,0.05070514977,0.1598984003,0.09711237252,0.230188787,0.003882599762,44,0.1600003541,0.2422547191,841.666687,,2.266427279,161600,,435.1540222,131300,181800,181800,0.8999999762,1.611111164,0.02397844382,0.1695947945,0.4424213767,0.3640053868 +Chile,CHL,Latin America and Caribbean,LCN,2006,casen,Urban,14075727,0.2332660258,0.1837321818,0.08876770735,1,0.6779662371,0.3421965837,0.2342308164,0.1079657674,6079027,0.6370230913,0.5058801174,0.1421371549,0.5875508189,0.0575734973,0.9223383665,0.07766160369,0.8179670572,0.1820329279,0.7777216434,0.1919035763,0.03037478775,0.1437252611,0.6193088293,0.8095820546,0.8194895983,0.8116397858,0.08649690449,0.06503591686,0.2678991258,0.6670649648,0.9592423439,0.9280107021,0.0182166025,0.1445552409,0.005346139427,0.09978113323,0.2278840691,0.08354082704,0.08165564388,0.03962786123,0.2343565673,0.04339334369,0.09499315172,0.08682271093,0.09712783247,0.1659973711,0.027640488,0.1681775451,0.09945406765,0.2065898925,0.004290590994,44,0.1637108922,0.2491533458,897.777771,,2.41752243,181800,,489.5482788,136350,181800,181800,0.8999999762,1.611111164,0.02074158192,0.1403974593,0.4451718628,0.393689096 +Chile,CHL,Latin America and Caribbean,LCN,2006,casen,Young worker,2931442,0,1,0,0.8822156191,1,0.3421965837,0.2342308164,0.1079657674,1065093,0.3633341491,0.2968749106,0.1498539001,0.2993782461,0.02559337206,0.823974967,0.1760250032,0.823974967,0.1760250032,0.8835644722,0.1126764715,0.003759072861,0.2663369775,0.5924499631,0.719060123,0.7148368955,0.6898683906,0.04695089906,0.127263397,0.2567700744,0.6159664989,0.9141367674,0.8727365732,0.01244210731,0.1527156234,0.005340872798,0.08627148718,0.303368479,0.05716286227,0.07318663597,0.02249030769,0.1597582251,0.009415344335,0.03555451706,0.07211061567,0.1273481399,0.236886546,0.0412324369,0.1537117809,0.07001743466,0.2445756048,0.003176809754,44,0.2237214446,0.168522343,683.3086548,,1.840003133,136350,,367.1611938,126250,141400,136350,0.8999999762,1.611111164,0.01399555895,0.06540550292,0.6085996628,0.3119992614 +Chile,CHL,Latin America and Caribbean,LCN,2009,casen,Female,8797063,0.2041426748,0.1747322977,0.1188039705,0.87610811,0.6770533323,0.3389711678,0.2153112739,0.1236599013,2882599,0.4839757979,0.4839757979,0.2069068998,0.4233981967,1.067501903,0.8748334646,0.1251665652,0.7174423933,0.2825576067,0.7904852629,0.1871604174,0.02235432342,0.1968800724,0.5570117831,0.782987535,0.8372948766,0.7388483882,0.08066915721,0.0644736737,0.09424968064,0.8412766457,0.9355263114,0.9148745537,0.004220679402,0.07568807155,0.002575451974,0.01176547911,0.2763320506,0.03588439152,0.07435826212,0.0480061695,0.4066957831,0.02215051651,0.1425372958,0.1172486618,0.1292243302,0.239146471,0.01175901387,0.04514022544,0.02271183208,0.2697644234,0.0003172310244,43,0.2448605001,0.1453419179,1091.358032,1106.745728,2.938792229,198900,201704.4063,535.5949097,176800,198900,209437,,1.588235259,0.02900802903,0.1608689427,0.4088755548,0.4012474716 +Chile,CHL,Latin America and Caribbean,LCN,2009,casen,Higher education,10882233,0.1342981756,0.2563063204,0.06481399387,0.9112053514,0.8008878231,0.3389711678,0.2153112739,0.1236599013,5539218,0.6355631948,0.519107461,0.1398275793,0.5668177009,1.075419426,0.8918352723,0.1081647277,0.7517555356,0.2482444644,0.8012319803,0.1664279997,0.03234002739,0.1414686441,0.6242055297,0.8503335118,0.8872123361,0.8152365088,0.0759254396,0.06536462158,0.217578724,0.717056632,0.9579851627,0.8981667161,0.02431959845,0.1075404733,0.009191102348,0.07652754337,0.2445463389,0.08607878536,0.09959416091,0.05325186253,0.2335855216,0.03209749237,0.1408551186,0.1270342469,0.09771417081,0.1869588494,0.01874402724,0.1307259649,0.09402408451,0.1675287485,0.004317282233,43,0.1595972776,0.1865752041,1278.935181,1296.967651,3.443897247,246648,250125.6406,664.1699829,182325,276250,254150,0.9166666865,1.588235259,0,0,0.4111620188,0.5888379812 +Chile,CHL,Latin America and Caribbean,LCN,2009,casen,Lower education,6093690,0.3696489334,0.0467618145,0.1845167726,0.7968487144,0.4458343089,0.3389711678,0.2153112739,0.1236599013,1569777,0.5778087974,0.3731884658,0.3123403192,0.5238934159,1.04990232,0.9066899419,0.09331006557,0.749863565,0.2501364648,0.6969727278,0.2847008407,0.01832641102,0.2235120982,0.4309727848,0.7007232308,0.7267357111,0.6584915519,0.02551533282,0.2784574926,0.2353224009,0.4862201214,0.8382735252,0.6903606057,0.01458197925,0.09144756943,0.002529664198,0.1267631799,0.193896845,0.05774110556,0.02252588794,0.02137700468,0.190679267,0.003885847051,0.0008236727444,0.005762890913,0.01585904695,0.1383396685,0.1002731696,0.1694243401,0.08804702014,0.4773933887,0.0001909455168,43,0.2046186924,0.2038953453,900.3704224,913.0651855,2.424503803,182325,184895.7031,490.9619751,176800,196690,176800,0.9166666865,1.588235259,0.09157472104,0.5014281869,0.4069971144,0 +Chile,CHL,Latin America and Caribbean,LCN,2009,casen,Male,8178860,0.2345234007,0.1879242361,0.09592816234,0.8637536168,0.6695484519,0.3389711678,0.2153112739,0.1236599013,4226396,0.7717833519,,0.1047256812,0.7015114427,1.071162701,0.9089486599,0.09105133265,0.7757232189,0.2242767811,0.7696586847,0.1966382563,0.03370308504,0.1354909688,0.596722126,0.8459275365,0.8668685555,0.8149569035,0.05413454026,0.1453067809,0.305206269,0.5494869351,,0.8546394706,0.03389703482,0.1224724948,0.01105643157,0.1377803087,0.2048029304,0.1085003614,0.08747199923,0.04482761025,0.1038840637,0.02817522362,0.08784365654,0.08851096779,0.04667045549,0.1346499324,0.05355402827,0.201299876,0.1386602968,0.2152198106,0.005415760912,43,0.1201668084,0.220155865,1200.493896,1217.420288,3.232671738,237986,241341.5,640.8450928,182325,254150,276250,,1.588235259,0.02858141251,0.1542829126,0.4109177589,0.4062179029 +Chile,CHL,Latin America and Caribbean,LCN,2009,casen,Old worker,8358087,0,0,0,0.8719431758,1,0.3389711678,0.2153112739,0.1236599013,5988652,0.7165098786,0.547282517,,0.6605994701,1.073958158,0.9219684005,0.07803158462,,,0.7624060512,0.2059545964,0.03163937479,0.1444661766,0.5838003755,0.8343096972,0.8646618724,0.8016300797,0.06833004951,0.1119882315,0.2247494757,0.6632623076,0.9386516809,,0.02320812456,0.1042124555,0.007668846287,0.08966004848,0.2166732401,0.08171546459,0.08266754448,0.04828929156,0.2339167595,0.0285355188,0.1187128052,0.09932018071,0.0745992288,0.1655724347,0.03862089291,0.1403811574,0.09628592432,0.2345180959,0.003453738755,43,0.1599232554,0.1999778599,1203.590088,1220.560303,3.241008997,222105,225236.5938,598.0809937,182325,265200,243100,0.9166666865,1.588235259,0.03362088278,0.19099316,0.3488565981,0.4265293479 +Chile,CHL,Latin America and Caribbean,LCN,2009,casen,Rural,2204225,0.2194594443,0.1676076651,0.1273608655,0,0.6531797051,0.3389711678,0.2153112739,0.1236599013,800192,0.5557834506,0.3394802511,0.2078117132,0.5085733533,1.059028625,0.9150566459,0.08494336158,0.7993460894,0.2006539404,0.7324646711,0.2412823439,0.02625300363,0.205347836,0.4818108082,0.7479279041,0.7551245093,0.701163888,0.03096606024,0.5143194795,0.1521322578,0.3335482478,0.6635828018,0.4906561077,0.0136161549,0.07094921917,0.007747003809,0.05981987342,0.1237233579,0.04319887981,0.02453057095,0.01944535226,0.1226501018,0.01907940209,0.03068657592,0.04232801497,0.03317411989,0.09706223011,0.1712938696,0.08651722968,0.07083953172,0.4484009147,0.0006181172794,43,0.1512929946,0.1607488096,900.3704224,913.0651855,2.424503803,182325,184895.7031,490.9619751,176800,198900,182325,0.9166666865,1.588235259,0.04333917797,0.3021333516,0.4101535678,0.2443739176 +Chile,CHL,Latin America and Caribbean,LCN,2009,casen,Total,16975923,0.2187798619,0.1810880601,0.1077825949,0.8701558113,0.6734375358,0.4849187036,0.3248703114,0.1600483922,7108995,0.6218383364,0.4839757979,0.1558183581,0.5566170931,1.069711924,0.8951154351,0.1048845872,0.751576066,0.2484239191,0.7779121995,0.1928821951,0.02920558862,0.2157376293,0.7842623908,0.8205195665,0.8549177647,0.7842623591,0.06465017051,0.1132582575,0.221566692,0.6651750207,0.9355263114,0.8783990145,0.02213102207,0.1039235145,0.007693912834,0.08781824261,0.2331626266,0.07970975339,0.08227269351,0.04608783871,0.2239421308,0.02578644082,0.1095295623,0.09990539402,0.07940287888,0.1760825664,0.03698240221,0.1393829286,0.09268699586,0.2368466258,0.003394205356,43,0.1696746498,0.1904520541,1136.831299,1152.860107,3.061242104,221000,224116.0156,595.1054688,182325,243100,221000,0.9166666865,1.588235259,0.02880405262,0.1577199847,0.4098519981,0.4036239684 +Chile,CHL,Latin America and Caribbean,LCN,2009,casen,Urban,14771698,0.2186784446,0.1830995977,0.1048611328,1,0.6764604449,0.3389711678,0.2153112739,0.1236599013,6308803,0.6313557625,0.5038359761,0.1487163752,0.5635393858,1.071101069,0.892586112,0.1074138805,0.7453231215,0.2546769083,0.7838217616,0.1865887046,0.02958951518,0.1538992971,0.5938806534,0.829272151,0.8670828342,0.7941917181,0.06903012842,0.0609707199,0.2306190729,0.7084102035,0.9609001875,0.932872355,0.02324113064,0.1082224697,0.007686990779,0.09146847576,0.2474305481,0.08446978778,0.089800708,0.04956129938,0.2371478677,0.02665802464,0.119775258,0.1073876172,0.08541033417,0.1863513142,0.01952853426,0.1462528706,0.09552609175,0.2093549967,0.003754959907,43,0.1720801294,0.1943391114,1220.483276,1237.69165,3.286498785,221000,224116.0156,595.1054688,182325,243100,231267,0.9166666865,1.588235259,0.0261970479,0.1318181455,0.4097979069,0.4321869016 +Chile,CHL,Latin America and Caribbean,LCN,2009,casen,Young worker,3074137,0,1,0,0.8798215389,1,0.3389711678,0.2153112739,0.1236599013,1120343,0.3644414544,0.3019814193,0.1558183581,0.2739054859,1.04186821,0.751576066,0.2484239191,0.751576066,0.2484239191,0.8795899749,0.1071633399,0.01324666943,0.2604940832,0.5625238419,0.7416117787,0.7987184525,0.6834892035,0.04052026942,0.1216009632,0.2006593347,0.6777396798,0.9148745537,0.8783990145,0.01505564339,0.1020255014,0.007858569734,0.07571961731,0.3414797485,0.06653444469,0.0796789676,0.03162671253,0.1584198177,0.007711722981,0.04915133864,0.1037530601,0.1109860092,0.2451847941,0.02620959096,0.1328197718,0.06902463734,0.2521562874,0.003002784215,43,0.2335837185,0.1280215383,982.222229,996.071167,2.644913197,182325,184895.7031,490.9619751,176800,198507,182325,0.9166666865,1.588235259,0.01528193709,0.06431337446,0.5810821056,0.339322567 +Chile,CHL,Latin America and Caribbean,LCN,2011,casen,Female,8888182,0.1986482739,0.1732836962,0.1239346787,0.8787010908,0.6774170399,0.3316324651,0.2194856554,0.1121468246,3006113,0.4992708862,0.4992708862,0.2155524939,0.450445503,0.6332085133,0.9022065997,0.09779339284,0.7587518692,0.241248101,0.7966247797,0.1888844073,0.01449079812,0.3295632303,0.6666201949,0.8246490955,0.7266320586,0.6694146991,0.1105699167,0.05856755003,0.09249292314,0.848939538,0.941432476,0.9115604162,0.006113420706,0.07256463915,0.003222152125,0.01059271023,0.2969728708,0.03535588086,0.08827111125,0.04289796576,0.3854416907,0.05418425053,0.1398130953,0.08710222691,0.1274018437,0.2401528656,0.02410315163,0.04531780258,0.01838772744,0.262478441,0.001058575581,43,0.2405817211,0.1275596023,1160.302979,1122.797974,3.124446154,218800,211727.625,589.1813354,196920,218800,218800,,1.75,0.02389651909,0.1566723287,0.4015271664,0.4179039896 +Chile,CHL,Latin America and Caribbean,LCN,2011,casen,Higher education,11143173,0.1357056051,0.2565152645,0.06521158665,0.9134140611,0.7990828156,0.3316324651,0.2194856554,0.1121468246,5690159,0.6390336752,0.5308493376,0.1422893405,0.5858418345,0.6960400343,0.916762054,0.08323792368,0.7999311686,0.2000688612,0.808658123,0.1719810665,0.01936079189,0.2587453723,0.7360265851,0.8845922351,0.7891026735,0.74010849,0.1001689658,0.05670123175,0.2288965583,0.7144021988,0.9613915682,0.9139399529,0.03193166852,0.1030858234,0.008857055567,0.08502201736,0.2598445714,0.08136624843,0.1024397612,0.04754416272,0.2232074738,0.05080722272,0.147724092,0.09549485147,0.1001379862,0.1694976091,0.02347272821,0.1293863952,0.09082871675,0.1885037571,0.004146632738,43,0.1534092575,0.1657056212,1350.61731,1306.960693,3.636921644,273500,264659.5313,736.4766235,199108,306320,273500,0.7833333611,1.75,0,0,0.4102117419,0.5897882581 +Chile,CHL,Latin America and Caribbean,LCN,2011,casen,Lower education,5818252,0.3535783589,0.04276868701,0.2028418481,0.7941185832,0.443579793,0.3316324651,0.2194856554,0.1121468246,1499459,0.5809922218,0.393132478,0.3235224485,0.5433834195,0.5204956532,0.9352679849,0.06473201513,0.8193548322,0.1806451678,0.7086928487,0.281201601,0.0101055624,0.447791487,0.5480085611,0.7557322979,0.5273062587,0.5504752398,0.03300394118,0.2360578775,0.2453617752,0.5185803771,0.8523017764,0.6900941133,0.01389452443,0.09555650502,0.005539125297,0.1303716153,0.2335454077,0.06169131771,0.02907701954,0.02032581531,0.1739407927,0.03579445556,0.001297065872,0.005856405944,0.01424989849,0.1013572514,0.1306114644,0.1676937193,0.08803861588,0.4551011324,0,43,0.1941883713,0.1796332002,983.2493896,951.4673462,2.64767909,196920,190554.8594,530.2631836,196920,204578,196920,0.7833333611,1.75,0.07930228114,0.4997080564,0.4209896922,0 +Chile,CHL,Latin America and Caribbean,LCN,2011,casen,Male,8073243,0.2234265655,0.194104895,0.09974864125,0.8656568527,0.6768248081,0.3316324651,0.2194856554,0.1121468246,4183505,0.7656248212,,0.09906154871,0.714981854,0.676644206,0.9338540435,0.06614597142,0.8299487829,0.1700511873,0.7811278701,0.1994528472,0.01941930316,0.2774436176,0.7167175412,0.8852198124,0.7380115986,0.721100986,0.06788789481,0.1198183671,0.3295177519,0.5506638885,,0.8867542148,0.0433800891,0.1215733066,0.01157790981,0.1529864371,0.2246206701,0.1062463075,0.08593034744,0.04099509865,0.09287145734,0.04307380319,0.1006539166,0.06914409995,0.05038032681,0.09598792344,0.06149407476,0.2014987767,0.1401165575,0.2328486145,0.004801904783,43,0.1088695824,0.196560666,1337.111084,1293.890991,3.60055232,273500,264659.5313,736.4766235,199108,273500,273500,,1.75,0.02421031334,0.145793125,0.4267475903,0.4032489955 +Chile,CHL,Latin America and Caribbean,LCN,2011,casen,Old worker,8377944,0,0,0,0.8726209998,1,0.3316324651,0.2194856554,0.1121468246,6084404,0.7262406945,0.5721091032,,0.6843156219,0.6614583135,0.9422711134,0.05772890896,,,0.7713010907,0.2097285688,0.01897034794,0.293525666,0.7018153071,0.8710305691,0.7365227342,0.705288589,0.08984237164,0.09331093729,0.2334738225,0.67321527,0.945648551,,0.02949023247,0.1009757593,0.008482463658,0.09452535957,0.2399282306,0.07786945254,0.08736724406,0.04420516267,0.223845154,0.05153494701,0.125948742,0.07705125213,0.07664571702,0.1439833045,0.04681067541,0.1383572519,0.09460788965,0.242443338,0.002616882324,43,0.1558357477,0.1790490746,1302.380981,1260.283447,3.507031679,257613,249286.0625,693.6963501,199108,273500,267260,0.7833333611,1.75,0.02703379467,0.1847866327,0.3534456789,0.4347338974 +Chile,CHL,Latin America and Caribbean,LCN,2011,casen,Rural,2162712,0.2081724256,0.1648647636,0.1335203201,0,0.6583072543,0.3316324651,0.2194856554,0.1121468246,813086,0.5710960627,0.358409375,0.1859993488,0.5301704407,0.5613955259,0.9283384681,0.07166154683,0.827393949,0.1726060361,0.7472453713,0.2366024107,0.01615221612,0.4067160487,0.5873249173,0.772844553,0.576992929,0.5910883546,0.05427151918,0.4637668133,0.1600542665,0.3761789203,0.679169476,0.6029069424,0.02096396685,0.07104219496,0.007921104319,0.06012699753,0.1791038662,0.03748580813,0.01988026313,0.01949474029,0.1202142537,0.03773487359,0.03724468872,0.02417268232,0.03140355647,0.06950672716,0.2249863893,0.08600340039,0.09278780967,0.3954934776,0.0006663849344,43,0.143666476,0.1568824202,983.2493896,951.4673462,2.64767909,199108,192672.1406,536.1549683,196920,218800,199108,0.7833333611,1.75,0.03532764316,0.2973287106,0.4189261794,0.2484174669 +Chile,CHL,Latin America and Caribbean,LCN,2011,casen,Total,16961425,0.2104421705,0.1831941009,0.1124226898,0.8724923134,0.6771351397,0.4768100802,0.3107831187,0.1660269615,7189618,0.6259910553,0.4992708862,0.1568031758,0.5763009079,0.6588461995,0.9206216335,0.07937835157,0.8014375567,0.1985624433,0.7874777913,0.1951223761,0.01739982329,0.300304466,0.699695504,0.8600885868,0.7333245873,0.699896872,0.08604278415,0.09471820295,0.2323865741,0.6728951931,0.941432476,0.8961606026,0.02810846083,0.1014898866,0.00815377757,0.09463445842,0.2542701066,0.07719589025,0.08688957244,0.04177488014,0.2127647549,0.04762636498,0.1166995838,0.07650253177,0.08194027841,0.1550602317,0.04617295414,0.1375028342,0.09023755789,0.2449895889,0.003268056782,43,0.1621006876,0.1686740667,1242.567871,1202.403809,3.34596777,240680,232900.375,648.0994263,199108,273500,240680,0.7833333611,1.75,0.02404523268,0.1515164077,0.4134797156,0.4109586477 +Chile,CHL,Latin America and Caribbean,LCN,2011,casen,Urban,14798713,0.2107738703,0.1858727783,0.1093394384,1,0.6798866987,0.3316324651,0.2194856554,0.1121468246,6376532,0.6337589025,0.5181915164,0.1530186385,0.5828285217,0.6713899374,0.9196376801,0.08036233485,0.7977305055,0.2022694796,0.7926564813,0.1897831261,0.01756041311,0.2849090695,0.7102028728,0.8706620336,0.7534631491,0.7138874531,0.09011390805,0.04718574509,0.2417027801,0.711111486,0.9656324387,0.9396864176,0.02902865224,0.1054114625,0.008183744736,0.09907892346,0.2639513314,0.08231044561,0.09552019089,0.04464450106,0.2246850133,0.04889958352,0.1269269139,0.08323836327,0.08844529837,0.1660725772,0.02315632813,0.1441317797,0.08990929276,0.2256169319,0.003602940589,43,0.1644889563,0.1702017486,1319.80249,1277.141968,3.553944111,251620,243486.7813,677.5585327,199108,273500,251620,0.7833333611,1.75,0.02204612456,0.1256802082,0.4125146866,0.4397589862 +Chile,CHL,Latin America and Caribbean,LCN,2011,casen,Young worker,3107233,0,1,0,0.8852499723,1,0.3316324651,0.2194856554,0.1121468246,1105214,0.3556907475,0.2873630822,0.1568031758,0.2850639224,0.6419391036,0.8014375567,0.1985624433,0.8014375567,0.1985624433,0.8921830058,0.1005825475,0.007234465331,0.3329378068,0.659779191,0.7984620929,0.712454617,0.6649062037,0.06049616262,0.1038394272,0.2253395915,0.6708210111,0.9115604162,0.8961606026,0.01915245131,0.104822211,0.006023380905,0.09534154832,0.3472276628,0.07283020765,0.08379352838,0.02602290548,0.1409466565,0.02232771926,0.05683368072,0.0729509145,0.116209805,0.226756677,0.04204525054,0.1319725364,0.06195018813,0.2614703774,0.007482839748,43,0.2029833943,0.1009707078,1080.493896,1045.568481,2.909537554,199108,192672.1406,536.1549683,196920,218800,199108,0.7833333611,1.75,0.01550646499,0.0564584136,0.585005939,0.3430291712 +Chile,CHL,Latin America and Caribbean,LCN,2013,casen,Female,9092757,0.1966828108,0.1624469906,0.1316101402,0.8795093894,0.6717070341,0.3315665126,0.2112902403,0.1202762797,3211057,0.5257418156,0.5257418156,0.1737942994,0.4822049141,0.04305759817,0.9171895981,0.08281042427,0.7767142057,0.2232857645,0.8068079948,0.1813599914,0.01183200255,0.2909174562,0.6846756339,0.8522059321,0.7777928114,0.7024013996,0.1262455881,0.05481807515,0.09924671054,0.8459352255,0.9451819062,0.9338126183,0.005870300345,0.0782096982,0.00319840759,0.01196830068,0.2867321968,0.03589943424,0.09068126231,0.04609809816,0.3865242302,0.04361784086,0.1402418464,0.1035805345,0.149082154,0.2555039823,0.01948391087,0.04235576466,0.01841299608,0.2272812724,0.0004397062585,43,0.2415390462,0.1161914542,1396,1288.363647,3.759127617,261750,241568.1875,704.8364258,219870,251280,261750,,1.600000024,0.02061960101,0.148040697,0.3895745277,0.4417651892 +Chile,CHL,Latin America and Caribbean,LCN,2013,casen,Higher education,11575474,0.1338291615,0.2345274091,0.07275589556,0.9126046896,0.7934149504,0.3315665126,0.2112902403,0.1202762797,6027685,0.6563135982,0.5593298078,0.1117628589,0.6063767076,0.04356841743,0.9239130616,0.07608692348,0.8084949255,0.1915050745,0.8215884566,0.1577475369,0.02066400088,0.2243835926,0.7497109771,0.8960129023,0.8239049911,0.7701629996,0.1127699912,0.05259888992,0.2350414544,0.7123596668,0.963909626,0.9243711829,0.03155969456,0.1113251746,0.00626841886,0.08588816226,0.2405685484,0.08513724059,0.09852692485,0.04972120002,0.2384057492,0.04355028272,0.1450698078,0.1122897491,0.1187840253,0.1776034981,0.02439030446,0.1388753951,0.09153829515,0.1445989907,0.003299660981,43,0.153764829,0.1617691815,1597.05188,1473.913696,4.300517082,314100,289881.8438,845.8037109,219870,335040,314100,0.7481279969,1.600000024,0,0,0.3837437928,0.6162561774 +Chile,CHL,Latin America and Caribbean,LCN,2013,casen,Lower education,5696721,0.3610673547,0.04314885661,0.2155539989,0.7915100455,0.4233786464,0.3315665126,0.2112902403,0.1202762797,1422140,0.5896420479,0.4010134339,0.3089049459,0.5560075641,0.03236421943,0.9429578185,0.05704220384,0.8225986362,0.1774013638,0.7053402662,0.2836382389,0.0110214781,0.426756382,0.5469814539,0.7601132989,0.5930942893,0.5619122386,0.03068311512,0.2472484559,0.2717237175,0.4810278118,0.8499904275,0.7607797384,0.01620622352,0.1180144101,0.003582073376,0.1339210123,0.2062793374,0.0530674234,0.02521534078,0.01756129786,0.1789044142,0.0322217904,0.0003639026545,0.008264617063,0.01732788049,0.1245889291,0.1283353418,0.2036661655,0.09013227373,0.394954443,0.0001446662209,43,0.193344146,0.1838148236,1085.777832,1002.060669,2.923766136,219870,202917.2813,592.0626221,219870,251280,219870,0.7481279969,1.600000024,0.07103119045,0.4781791866,0.4507896304,0 +Chile,CHL,Latin America and Caribbean,LCN,2013,casen,Male,8179438,0.2222215086,0.1813672334,0.1067843512,0.8650568724,0.6709941626,0.3315665126,0.2112902403,0.1202762797,4238768,0.7723203301,,0.08266429603,0.7224254012,0.04015836865,0.9353960752,0.06460390985,0.8335511088,0.1664489061,0.7932499051,0.1827869713,0.02396311425,0.2434087694,0.729452014,0.8884355426,0.7796623111,0.7501395941,0.07390394807,0.1170027032,0.348452419,0.5345448852,,0.8947766423,0.04544951767,0.1382163912,0.007639358751,0.1571471393,0.1946100742,0.1108625904,0.0794820711,0.04150159657,0.1080885455,0.03966857493,0.09971356392,0.08357556164,0.06196406484,0.1018084288,0.0631910786,0.2324837297,0.1453802288,0.1678578258,0.00435695285,43,0.1038237587,0.2020877749,1551.111084,1431.515259,4.176808357,314100,289881.8438,845.8037109,219870,314100,335040,,1.600000024,0.02145576663,0.1342217028,0.4190858305,0.425236702 +Chile,CHL,Latin America and Caribbean,LCN,2013,casen,Old worker,8635451,0,0,0,0.8735218048,1,0.3315665126,0.2112902403,0.1202762797,6404362,0.7416360974,0.5985753536,,0.702174902,0.04364010319,0.9467917085,0.05320826545,,,0.7846418619,0.1946435422,0.0207146015,0.2585077882,0.7167230844,0.8847734928,0.7812225223,0.7353891134,0.1007376611,0.09062521905,0.2426304072,0.6667443514,0.94667238,,0.02934212051,0.1128076464,0.00586417038,0.09461647272,0.2170971036,0.0806171,0.08721668273,0.04540349916,0.236409992,0.04556272551,0.1280706823,0.0911706388,0.09551393241,0.1544380337,0.04615626484,0.149240464,0.09559622407,0.1916583478,0.0025926854,43,0.1536140591,0.1749937236,1551.111084,1431.515259,4.176808357,314100,289881.8438,845.8037109,219870,314100,314100,0.7481279969,1.600000024,0.02254890464,0.1699720919,0.3462024033,0.4612765908 +Chile,CHL,Latin America and Caribbean,LCN,2013,casen,Rural,2199351,0.2009379119,0.1562815607,0.1461813003,0,0.6528807878,0.3315665126,0.2112902403,0.1202762797,839769,0.5848323703,0.3780913651,0.1659936309,0.5464185476,0.03326110914,0.9343164563,0.06568353623,0.8180534244,0.1819466054,0.7481296659,0.2373306453,0.01453970745,0.3888148367,0.5827532411,0.7747264504,0.6222777367,0.6003302932,0.06229532138,0.4633439183,0.2068461478,0.3298099041,0.6662597656,0.6039776206,0.02064647526,0.1045992523,0.007571569178,0.0740288496,0.11578127,0.04677453265,0.01933335327,0.01984145306,0.1280793101,0.0326404199,0.03494475037,0.03339875862,0.03822790831,0.0909126848,0.2228941768,0.1129210666,0.09457565099,0.3388180137,0.000666573178,43,0.1559889168,0.1630426645,1085.777832,1002.060669,2.923766136,219870,202917.2813,592.0626221,219870,251280,219870,0.7481279969,1.600000024,0.02896053158,0.2818612158,0.4155102074,0.273668021 +Chile,CHL,Latin America and Caribbean,LCN,2013,casen,Total,17272195,0.2087769359,0.17140688,0.1198536158,0.8726652265,0.6713694483,0.4894928605,0.3109717555,0.178521105,7449825,0.6424464956,0.5257418156,0.1281309426,0.5959003777,0.04139405116,0.9275486469,0.07245136797,0.8096680641,0.1903319359,0.7990285158,0.1821787804,0.01879270561,0.2706885149,0.7293114546,0.8728219867,0.7788571715,0.7297602892,0.09692990035,0.0904846862,0.2421811372,0.667334199,0.9451819062,0.9105216265,0.02857135795,0.1126271412,0.005745559465,0.09523708373,0.2338946313,0.07889530063,0.08425785601,0.04346172884,0.2268246561,0.0413517952,0.1169871539,0.09210189432,0.09909472615,0.1673151106,0.04456261173,0.1514491588,0.09126543254,0.1931847334,0.002687380416,43,0.1615305394,0.1660946757,1525.106689,1407.515747,4.106783867,293160,270556.375,789.4168091,219870,314100,314100,0.7481279969,1.600000024,0.02101645991,0.1414819658,0.4035810828,0.4339204729 +Chile,CHL,Latin America and Caribbean,LCN,2013,casen,Urban,15072844,0.209920764,0.173613891,0.1160120144,1,0.6740671992,0.3315665126,0.2112902403,0.1202762797,6610056,0.6505890489,0.5455385447,0.123157762,0.6028935909,0.04243579879,0.9266888499,0.07331117988,0.8084746003,0.1915253997,0.8055481315,0.1751143783,0.01933747157,0.247626096,0.7267139554,0.8844332099,0.7989247441,0.7462918162,0.1012065411,0.04254878312,0.2467239052,0.710727334,0.9708628058,0.9547128081,0.02959020436,0.1136592254,0.005510802381,0.09796367586,0.2490796447,0.08302484453,0.09260474145,0.04649842158,0.2395196557,0.0424676314,0.1274959594,0.09962116927,0.1068911478,0.1771014929,0.02172014676,0.1563842148,0.09084142745,0.1745305806,0.002946225228,43,0.1622480154,0.1664898247,1551.111084,1431.515259,4.176808357,314100,289881.8438,845.8037109,219870,314100,314100,0.7481279969,1.600000024,0.01954844035,0.1155406907,0.4013766348,0.463534236 +Chile,CHL,Latin America and Caribbean,LCN,2013,casen,Young worker,2960573,0,1,0,0.8839015365,1,0.3315665126,0.2112902403,0.1202762797,1045463,0.353128612,0.2974136472,0.1281309426,0.2859169543,0.02530485205,0.8096680641,0.1903319359,0.8096680641,0.1903319359,0.902084887,0.0928895995,0.005025529303,0.3005464971,0.6648430228,0.7971573472,0.7616806626,0.6890285015,0.0671576038,0.08947835863,0.2389639318,0.6715577245,0.9338126183,0.9105216265,0.02305196412,0.1113345399,0.004896192346,0.0996812433,0.354180932,0.06656561047,0.06306985766,0.02955682017,0.1581844985,0.01118753199,0.03759223595,0.09877279401,0.1247451231,0.2595578432,0.03314675763,0.1672707349,0.06024255976,0.2041187137,0.003365710611,43,0.2182004899,0.102391012,1240.888916,1145.212158,3.341446877,229293,211613.7344,617.4367065,219870,261750,229293,0.7481279969,1.600000024,0.01625172421,0.05289939046,0.5819850564,0.3488638699 +Chile,CHL,Latin America and Caribbean,LCN,2015,casen,Female,9245317,0.1893202811,0.156607613,0.1385214776,0.8790319562,0.6721582413,0.337551713,0.2031933665,0.1343583316,3417406,0.5499247313,0.5499247313,0.15994066,0.5031334162,0.04171488062,0.9149132371,0.08508675545,0.7842905521,0.2157094181,0.8029248714,0.1798869669,0.01718815416,0.2949041128,0.6910868883,0.8595043421,0.8343012929,0.7014300823,0.1257427931,0.05743927136,0.08965614438,0.8529045582,0.9425607324,0.9452363253,0.005734386854,0.06821269542,0.002997491276,0.01271156594,0.2861578166,0.03320546821,0.09586081654,0.05123267695,0.3864478171,0.05010506511,0.1431128681,0.1130408794,0.1454246193,0.237387225,0.02103031054,0.03799682111,0.01898049936,0.2323847115,0.000536999898,43,0.236713931,0.1026039496,1555.555542,1317.865845,4.188776493,300000,254159.8281,807.8354492,241000,300000,300000,,1.5,0.01790864579,0.138944447,0.3860207498,0.4571261406 +Chile,CHL,Latin America and Caribbean,LCN,2015,casen,Higher education,12013939,0.1253165156,0.2238233387,0.08111086488,0.9090667367,0.7935726047,0.337551713,0.2031933665,0.1343583316,6379214,0.669106245,0.5784109235,0.10660097,0.6156278849,0.04644309357,0.9200749397,0.07992505282,0.8033579588,0.1966420263,0.8126432896,0.161485374,0.02587132715,0.2399539649,0.7438105345,0.8963178396,0.8654631972,0.7565852404,0.1128157675,0.05752139539,0.2151952833,0.727283299,0.9617707729,0.9197666049,0.02869955078,0.09542552382,0.007333851885,0.08373636007,0.2460695058,0.07893331349,0.1033819318,0.05688690022,0.2420116514,0.04943728819,0.1451578587,0.116828002,0.1143401638,0.1747520864,0.02352762781,0.1279695928,0.08657561243,0.1564551741,0.00495659234,43,0.1542624384,0.1503770202,1777.777832,1506.132324,4.787173271,350000,296519.8125,942.4746704,250000,397450,350000,0.8484848738,1.5,0,0,0.3764127791,0.6235872507 +Chile,CHL,Latin America and Caribbean,LCN,2015,casen,Lower education,5536420,0.3737930059,0.03803360462,0.2242942154,0.7943665981,0.4019127786,0.337551713,0.2031933665,0.1343583316,1345586,0.6047148108,0.4296244383,0.2717813551,0.5668056011,0.03025533818,0.9373105764,0.06268941611,0.8064074516,0.1935925633,0.7007005811,0.281496197,0.01780322753,0.4496349692,0.5338930488,0.7606415153,0.6660301089,0.5429466963,0.02757777274,0.2595964074,0.2516768277,0.4887267649,0.8341042399,0.7378523946,0.01476335619,0.09477569908,0.003905053716,0.138232708,0.2065354437,0.05487782508,0.02274086885,0.0235056933,0.1810669154,0.03442665562,0.0002965354652,0.005335259717,0.01629755646,0.1181003973,0.1314072311,0.1867277324,0.09916652739,0.4081469476,0.00009514506382,43,0.1957510263,0.1595449895,1234.567871,1045.925293,3.324425697,245000,207563.8594,659.7322998,241000,280000,241000,0.8484848738,1.5,0.06921036541,0.4744988978,0.4562907517,0 +Chile,CHL,Latin America and Caribbean,LCN,2015,casen,Male,8305042,0.2197091877,0.1747953892,0.1126512066,0.8660389781,0.6676396132,0.337551713,0.2031933665,0.1343583316,4307394,0.7768383622,,0.07736055553,0.7221135497,0.04503619671,0.9295544028,0.07044561207,0.8182023764,0.1817975938,0.7849707007,0.1849188209,0.0301104635,0.2630929947,0.7188583612,0.8876566291,0.8267838359,0.7324288487,0.07502810657,0.1212641746,0.3247313797,0.5540044308,,0.8804690838,0.04224258661,0.1164726317,0.009639840573,0.156376332,0.2023043931,0.1070640609,0.08384363353,0.05078336224,0.1100089848,0.04418753833,0.1011239663,0.08466549218,0.05918370187,0.1079961658,0.05945942923,0.2167365998,0.1433257163,0.1764449477,0.006876447704,43,0.1046427637,0.1894825846,1728.395142,1464.295288,4.654196262,350000,296519.8125,942.4746704,250000,370000,380000,,1.5,0.02056869492,0.122924298,0.4125318825,0.4439751208 +Chile,CHL,Latin America and Caribbean,LCN,2015,casen,Old worker,8859521,0,0,0,0.8735470176,1,0.337551713,0.2031933665,0.1343583316,6706519,0.7569843531,0.624725163,,0.7124919891,0.04605646804,0.9412242174,0.05877579749,,,0.7817955613,0.1917562038,0.02644820325,0.2717943788,0.7130006552,0.8857713938,0.8321456909,0.724455893,0.1011491567,0.09341095388,0.223275736,0.6833133101,0.9422293901,,0.02776295133,0.09574536979,0.006623803172,0.09314361215,0.2234414369,0.07595705241,0.09161756933,0.05304512754,0.2392521203,0.05117247999,0.1285461932,0.09760725498,0.09241520613,0.151411891,0.04392936453,0.1376028955,0.09343463182,0.2000352293,0.003844851162,43,0.1508015841,0.1591726094,1728.395142,1464.295288,4.654196262,350000,296519.8125,942.4746704,245000,380000,350000,0.8484848738,1.5,0.02047780901,0.1538518816,0.3318775594,0.4937927425 +Chile,CHL,Latin America and Caribbean,LCN,2015,casen,Rural,2230940,0.2005889863,0.1482012123,0.1490389705,0,0.6503720284,0.337551713,0.2031933665,0.1343583316,867068,0.5975900888,0.4078116715,0.1447608769,0.5595079064,0.03521500528,0.9362737536,0.06372626126,0.8252015114,0.1747985035,0.7528457642,0.2211974859,0.02595671639,0.3863549829,0.5974873304,0.7842296958,0.713561058,0.6075728536,0.06529500335,0.4622994661,0.1698985249,0.3678020239,0.6621743441,0.5974979997,0.02086252347,0.06817722321,0.007619785145,0.0732389912,0.1270979643,0.04934853315,0.02355497889,0.02629306912,0.1415074766,0.03446360305,0.04187664017,0.04518158734,0.04173990712,0.09363856167,0.2136612684,0.1069556624,0.1026726589,0.3185696602,0.001240433427,43,0.149640128,0.1608025134,1234.567871,1045.925293,3.324425697,250000,211799.8594,673.196228,241000,300000,254000,0.8484848738,1.5,0.02416302636,0.2516580522,0.4263881743,0.2977907658 +Chile,CHL,Latin America and Caribbean,LCN,2015,casen,Total,17550359,0.2037006766,0.1652142853,0.1262793541,0.8728834987,0.6700199693,0.4924928297,0.3040217992,0.1884710305,7724800,0.6569215257,0.5499247313,0.1185965538,0.6063892994,0.04357986152,0.9230772257,0.07692276686,0.8035591245,0.1964408606,0.7928432822,0.1827124506,0.02444427088,0.2816256807,0.7183743193,0.8751462102,0.8300969005,0.7188051343,0.0977370888,0.09327681363,0.2216503769,0.6850727797,0.9425607324,0.9077587724,0.02623366192,0.09531054646,0.006727155764,0.09337901324,0.2390743047,0.07467690855,0.08911319822,0.05098038539,0.2312280089,0.04678226262,0.1195353195,0.09710757434,0.09699874371,0.164731741,0.04260897636,0.1383625269,0.08880265057,0.2009734958,0.004096717574,43,0.1616190225,0.1520026475,1666.666626,1411.999023,4.487974644,320000,271103.8125,861.6911621,243000,350000,320000,0.8484848738,1.5,0.01916382462,0.1313851327,0.398530364,0.4509206712 +Chile,CHL,Latin America and Caribbean,LCN,2015,casen,Urban,15319419,0.2041538209,0.1676918715,0.1229649112,1,0.6728812456,0.337551713,0.2031933665,0.1343583316,6857732,0.6652728319,0.568918705,0.1152291521,0.612988174,0.04465454817,0.9214087129,0.07859128714,0.8008369207,0.1991630793,0.7979820371,0.1777680218,0.02424995787,0.2629973888,0.7207099199,0.8861292601,0.844991982,0.7330977917,0.1018893346,0.04587979242,0.2282973528,0.725822866,0.9693475366,0.9479510784,0.02692352794,0.09879553318,0.006612507161,0.09596578777,0.2534564734,0.07793006301,0.09753344953,0.05415120721,0.242751658,0.04836491868,0.129512623,0.1037788317,0.1040982008,0.1738655269,0.02063279971,0.1423975527,0.08702068031,0.1858651638,0.004463682417,43,0.1631731987,0.1508609354,1728.395142,1464.295288,4.654196262,341000,288895,918.239624,250000,353092,340000,0.8484848738,1.5,0.01824643835,0.1093142778,0.3934182823,0.4790210128 +Chile,CHL,Latin America and Caribbean,LCN,2015,casen,Young worker,2899570,0,1,0,0.8859734535,1,0.337551713,0.2031933665,0.1343583316,1018281,0.3511834443,0.3036825359,0.1185965538,0.2821966708,0.0244742129,0.8035591245,0.1964408606,0.8035591245,0.1964408606,0.878070116,0.1129448339,0.008985039778,0.3175207078,0.6579293013,0.8015184999,0.8140680194,0.6747949123,0.07025717199,0.09224122763,0.2091020644,0.6986566782,0.9452363253,0.9077587724,0.01442703791,0.09195354581,0.007525074296,0.09519641101,0.3597651422,0.06479374319,0.06977862865,0.03503989056,0.1692792773,0.01291416213,0.05002144724,0.0932527855,0.1323582381,0.2674870491,0.03242289275,0.1442226022,0.05306942016,0.2082116753,0.006039726082,43,0.2463103235,0.0958680585,1382.716064,1171.436279,3.723356724,250000,211799.8594,673.196228,241000,280000,250000,0.8484848738,1.5,0.01490856614,0.05862794816,0.6143814921,0.3120820224 +Chile,CHL,Latin America and Caribbean,LCN,2017,casen,Female,9336047,0.1771394312,0.1446270496,0.1512657404,0.8790321946,0.6715948582,0.337364316,0.1911352277,0.1462291032,3587062,0.5720954537,0.5720954537,0.1626719534,0.5202128887,0.04788954183,0.9093112946,0.09068870544,0.7573035359,0.242696479,0.7871444225,0.1986678392,0.01418775693,0.2968640327,0.6851637363,0.8455270529,0.8393010497,0.6984341741,0.1199835315,0.05652331561,0.08370248973,0.8597741723,0.9434766769,0.920370996,0.004126089625,0.06316669285,0.002786092693,0.013623612,0.2934748232,0.03026716784,0.09501636773,0.05003831163,0.3909775317,0.04339924455,0.1493778378,0.1335363984,0.1174713001,0.2468488067,0.01051949244,0.04122487456,0.01725764573,0.2396805733,0.0006838300033,43,0.2411583513,0.1087207645,1756.613892,,4.730183125,320000,,861.6911621,270000,350000,330000,,1.515151501,0.1088814586,0.007694523782,0.5588809252,0.3245430589 +Chile,CHL,Latin America and Caribbean,LCN,2017,casen,Higher education,17207077,0.1912439913,0.1573420614,0.1256218553,0.8770935535,0.6831341386,0.337364316,0.1911352277,0.1462291032,7979059,0.6787949204,0.5769168735,0.1237299144,0.6232450008,0.04668264836,0.9181638956,0.08183608949,0.7887926102,0.2112074047,0.7781327367,0.2019291669,0.01993807405,0.2753992379,0.7058193684,0.8631176353,0.8410854936,0.7198197246,0.09383184463,0.08812908083,0.2102722079,0.7015987039,0.9441156387,0.8938131928,0.01856844127,0.09352846444,0.007661468349,0.09051383287,0.2510140538,0.07212015986,0.09321531653,0.05108964443,0.2341595441,0.04455217719,0.1277962625,0.1059162095,0.08148495853,0.1683300436,0.02920737304,0.1350648999,0.08670445532,0.2171985656,0.00374505762,43,0.1658540815,0.1462031007,1876.543213,,5.053126812,350000,,942.4746704,275000,400000,370000,0.7894737124,1.515151501,0,0,0.6215525866,0.3784474432 +Chile,CHL,Latin America and Caribbean,LCN,2017,casen,Lower education,598351,0.2278227955,0.03356892616,0.4976894855,0.762694478,0.274487704,0.337364316,0.1911352277,0.1462291032,53844,0.3278373182,0.2100152969,0.4203425348,0.3033122122,0.01320860721,0.9251912832,0.07480870932,0.808051765,0.191948235,0.6374859214,0.3430424035,0.01947165653,0.5014452934,0.4955636859,0.7194818258,0.6527889371,0.4970503449,0.04081018269,0.2910349071,0.199735418,0.50922966,0.8054119349,0.8487544656,0.007102879696,0.08800244331,0.005841050297,0.09878905118,0.2346392572,0.02802482992,0.04851938412,0.04477459937,0.1532716006,0.02127144858,0,0.008065003902,0.04726092145,0.1264995933,0.155009374,0.1340605319,0.03096961603,0.4768635333,0,43,0.2019214779,0.1960076392,1333.333374,,3.590379953,270000,,727.0518799,260000,270000,270000,0.7894737124,1.515151501,0.9227715731,0.0476924032,0.02953604423,0 +Chile,CHL,Latin America and Caribbean,LCN,2017,casen,Male,8469381,0.2093761116,0.1626137793,0.123639971,0.8668743372,0.6669839025,0.337364316,0.1911352277,0.1462291032,4445841,0.7870220542,,0.08987698704,0.7283036113,0.04532048479,0.9253916144,0.07460837811,0.8117488027,0.1882512122,0.769285202,0.2062234581,0.02449136414,0.26111871,0.7196495533,0.8759322166,0.8402141929,0.7340542674,0.07245638222,0.1156728938,0.3106421828,0.5736849308,,0.8756110668,0.02989739366,0.1175692156,0.01151057892,0.1516650021,0.2171023488,0.1048195511,0.09124588221,0.05184819922,0.1086689383,0.04518526047,0.109135218,0.08282770216,0.05252999067,0.1055499539,0.04554926977,0.2094789296,0.1411104351,0.202505514,0.006127715111,43,0.1082307398,0.1756977886,1975.308716,,5.319081306,400000,,1077.113892,280000,400000,400000,,1.515151501,0.1134674102,0.003783914959,0.5415266752,0.341222018 +Chile,CHL,Latin America and Caribbean,LCN,2017,casen,Old worker,9191499,0,0,0,0.8753059506,1,0.337364316,0.1911352277,0.1462291032,7065490,0.7686983347,0.6462983489,,0.719445765,0.04860055074,0.9359273314,0.06407269835,,,0.7681742311,0.2102696449,0.02155612223,0.2702312171,0.7119027972,0.8737698793,0.8422605991,0.7253561616,0.09793815762,0.08756344765,0.2134764344,0.6989601254,0.9458895922,,0.01951835863,0.09461848438,0.007791221142,0.09154837579,0.2348603159,0.0733211711,0.09650872648,0.05361578986,0.2406541109,0.04815912247,0.1356629729,0.1067003608,0.07813510299,0.1575951576,0.03094495088,0.136687398,0.08982928842,0.2127334774,0.003552187933,43,0.1562869102,0.1538299322,1975.308716,,5.319081306,380000,,1023.25824,276000,400000,400000,0.7894737124,1.515151501,0.1470214874,0.008759560063,0.5335794091,0.3106395304 +Chile,CHL,Latin America and Caribbean,LCN,2017,casen,Rural,2256853,0.1876010597,0.1414212584,0.1631355733,0,0.649263382,0.337364316,0.1911352277,0.1462291032,881103,0.6013156176,0.4213206172,0.1545679867,0.5618088245,0.03166491166,0.9342994094,0.06570060551,0.819745481,0.1802545488,0.7156255841,0.2630859017,0.02128851041,0.3826708496,0.5947651267,0.7980037928,0.736066401,0.6091874838,0.07076045871,0.4131440818,0.1821870804,0.4046688378,0.7137426138,0.5956276655,0.01724015735,0.07549001276,0.0121408347,0.07731608301,0.1504348814,0.04546243325,0.02653554082,0.03251489997,0.1497210711,0.03793390095,0.05045844242,0.05509824306,0.03922408819,0.09514512867,0.1518694907,0.1210620403,0.08884634078,0.3591427207,0.001219590893,43,0.1485314369,0.1624639034,1481.481445,,3.989310741,280000,,753.9797363,270000,300000,300000,0.7894737124,1.515151501,0.1522501558,0.007764659356,0.5187880397,0.3211971521 +Chile,CHL,Latin America and Caribbean,LCN,2017,casen,Total,17805428,0.1924732178,0.1531826705,0.1381251812,0.8732491732,0.6694016308,0.4938715173,0.2875302494,0.2063412679,8032903,0.6739587858,0.5720954537,0.1259142607,0.6188363594,0.04645656794,0.9182109833,0.08178898692,0.7888202667,0.2111797184,0.7771828771,0.2028822303,0.01993492246,0.2821958532,0.7178041468,0.8623191118,0.8398079276,0.7182911634,0.09347374737,0.08949398249,0.210201323,0.700304687,0.9434766769,0.8937460184,0.01849131472,0.09349129349,0.007649222855,0.09056949615,0.2509039044,0.07182353735,0.0929146558,0.05104716122,0.2336154282,0.04439528286,0.1269350201,0.1052567735,0.08125431836,0.1680481434,0.0300551746,0.1350581199,0.0863288492,0.2189484984,0.003719819011,43,0.1660984308,0.1465405226,1868.686768,,5.031971455,350000,,942.4746704,275000,400000,370000,0.7894737124,1.515151501,0.1111670211,0.005745541304,0.550231874,0.3328555822 +Chile,CHL,Latin America and Caribbean,LCN,2017,casen,Urban,15548575,0.1931803972,0.154889822,0.1344949603,1,0.6723246574,0.337364316,0.1911352277,0.1462291032,7151800,0.6841412187,0.5922955871,0.1221168637,0.6268299222,0.04831484333,0.91622895,0.08377107978,0.7849165797,0.2150834203,0.7849162817,0.195318833,0.01976487227,0.2636412084,0.7181726694,0.8696803451,0.852766037,0.7319366932,0.09632721543,0.04867015779,0.2137349248,0.7375949025,0.9654741883,0.933113575,0.01864913106,0.09576190263,0.007082670461,0.09224122018,0.2635766268,0.07514861226,0.101287432,0.05338474363,0.2441975027,0.04520725459,0.1365454495,0.1115599498,0.08653604984,0.1772095114,0.01474737097,0.1368169487,0.08601249009,0.2013309747,0.004034010228,43,0.1683366448,0.1445117146,1975.308594,,5.31908083,380000,,1023.25824,280000,400000,380000,0.7894737124,1.515151501,0.1035482138,0.005371098872,0.556063056,0.3350176215 +Chile,CHL,Latin America and Caribbean,LCN,2017,casen,Young worker,2727483,0,1,0,0.8829811215,1,0.337364316,0.1911352277,0.1462291032,967413,0.3546907604,0.3017274737,0.1259142607,0.2797872722,0.02787784301,0.7888202667,0.2111797184,0.7888202667,0.2111797184,0.8552472591,0.1388663501,0.005886399653,0.3349390328,0.6393780708,0.7732265592,0.8183200359,0.6565776467,0.05478728563,0.1062539592,0.1817682981,0.7119777203,0.920370996,0.8937460184,0.0095749842,0.08370555937,0.006416458637,0.08207128942,0.3901872337,0.05882173777,0.06171252206,0.02874748409,0.1725087613,0.01174764801,0.05122852698,0.09273504466,0.1083105057,0.2587177455,0.0223372262,0.1209257171,0.0559659712,0.2728577554,0.005173854996,43,0.2519187033,0.08278077841,1481.481445,,3.989310741,280000,,753.9797363,270000,300000,280000,0.7894737124,1.515151501,0.04281861708,0,0.5819759369,0.3752054572 +Colombia,COL,Latin America and Caribbean,LCN,1996,enhft,Female,19835158,0.3118645251,0.1896490604,0.05800271407,0.6251545548,0.6301327944,0.3705420494,0.3170939386,0.05344811454,5427834,0.434269011,0.434269011,0.3145835698,0.4038255513,,0.9298972487,0.07010273635,0.8547359109,0.1452641189,0.6277012229,0.3488356471,0.02346310765,,,,,,0.1070489213,0.06995677948,0.1766699255,0.7533733249,0.9300432205,0.9177123904,0.004349068273,0.1624605209,0.003289489308,0.006570855621,0.2908825576,0.01759875752,0.05267402902,0.03060277179,0.361615181,,,,,,,,,,,47,0.2100250423,0.2484941483,833.333313,2437.32666,0.6979307532,160000,467966.75,134.0027008,130000,160000,160000,,2.18888855,0.125037089,0.4020746052,0.3687496483,0.10413865 +Colombia,COL,Latin America and Caribbean,LCN,1996,enhft,Higher education,19434896,0.3041666448,0.2671161592,0.01789687946,0.7432232499,0.6779364944,0.3705420494,0.3170939386,0.05344811454,8161030,0.6194036603,0.4885709882,0.1288887858,0.5692851543,,0.9190859199,0.08091405034,0.84675318,0.15324682,0.6796801686,0.2741957903,0.04612403736,,,,,,0.1354593039,0.06066523865,0.2347443253,0.7045904398,0.9825125933,0.9029263854,0.006842374336,0.17427589,0.008882233873,0.0447438322,0.2448445559,0.06725761294,0.0784291774,0.05186033994,0.2621987462,,,,,,,,,,,47,0.1347877383,0.2830882967,1064.814819,3114.362061,0.8918004036,200000,584958.4375,167.5033875,142125,200000,225000,0.8888888955,2.18888855,0,0,0.1039694473,0.8960305452 +Colombia,COL,Latin America and Caribbean,LCN,1996,enhft,Lower education,19170119,0.3506355286,0.1089467406,0.09418047965,0.4662723243,0.5551840067,0.3705420494,0.3170939386,0.05344811454,6703581,0.6298615932,0.3651461303,0.3362741768,0.6022516489,,0.9561650753,0.04383492842,0.9252351522,0.07476485521,0.504842639,0.4558078051,0.03934955224,,,,,,0.01504634321,0.4000614583,0.1844032407,0.415535301,0.8449462652,0.4818886518,0.0100881001,0.1076397896,0.003303883364,0.06337146461,0.1837662458,0.04357516021,0.01504291128,0.008264779113,0.1648861915,,,,,,,,,,,47,0.157099396,0.4092618227,722.222229,2112.349854,0.6048733592,142125,415686.0938,119.0320892,130000,160000,142125,0.8888888955,2.18888855,0.1465013027,0.4586341381,0.3948645592,0 +Colombia,COL,Latin America and Caribbean,LCN,1996,enhft,Male,18769857,0.3434917033,0.1874376535,0.05342512578,0.5851362348,0.6030831933,0.3705420494,0.3170939386,0.05344811454,9436777,0.8336533904,,0.05345124751,0.7829733491,,0.9392073154,0.06079268456,0.8893424273,0.1106575653,0.5828396082,0.3630307317,0.0541296564,,,,,,0.06455649436,0.3008399606,0.2314095348,0.4677505195,,0.6316325068,0.01060979627,0.1328107119,0.008032862097,0.07995615155,0.1744507998,0.07841075957,0.04725330696,0.03243655711,0.1351990998,,,,,,,,,,,47,0.0919996202,0.3746120334,842.5944214,2464.413574,0.7056871057,173333,506963,145.1693268,130000,195000,216000,,2.18888855,0.1347537786,0.4104829431,0.3538874686,0.1008757949 +Colombia,COL,Latin America and Caribbean,LCN,1996,enhft,Old worker,16538671,0,0,0,0.6377978325,1,0.3705420494,0.3170939386,0.05344811454,11451022,0.6923785806,0.4791381955,,0.6601216793,,0.9534114003,0.04658859223,,,0.5613575578,0.3856065571,0.05303587392,,,,,,0.09222915024,0.2033905238,0.212740466,0.5838689804,0.9333260655,,0.008695803583,0.1441649795,0.007222396322,0.05265728384,0.2181352228,0.05955715477,0.0511588715,0.03486840427,0.2201493531,,,,,,,,,,,47,0.1364684999,0.3247637153,925.9259644,2708.140869,0.7754786611,180000,526462.625,150.7530518,142000,200000,213750,0.8888888955,2.18888855,0.1485683918,0.417348206,0.3568474948,0.07723590732 +Colombia,COL,Latin America and Caribbean,LCN,1996,enhft,Rural,15222053,0.3701277971,0.1782381088,0.05810359493,0,0.5717685819,0.3705420494,0.3170939386,0.05344811454,5336016,0.6130890846,0.33768785,0.2446599007,0.5932025909,,0.9675634503,0.03243656084,0.9433372021,0.05666277185,0.5209849477,0.4376067817,0.04140823707,,,,,,0.04413595051,0.5358009338,0.1173603982,0.3468386531,0.7815409303,0.4141228497,0.01360641047,0.06534617394,0.003694798332,0.03471301496,0.1392537653,0.02939142659,0.009823484346,0.01922647096,0.1491434872,,,,,,,,,,,,,,789.583374,2309.367188,0.6612894535,142125,415686.0938,119.0320892,130000,151667,156293,0.8888888955,2.18888855,0.174434647,0.4821552932,0.2812061906,0.06220388412 +Colombia,COL,Latin America and Caribbean,LCN,1996,enhft,Total,38605015,0.3272417188,0.1885738671,0.05577708036,0.6056975126,0.6169811785,0.6207949488,0.5303917367,0.09040321212,14864611,0.6240766119,0.434269011,0.1883853525,0.5840157391,,0.9358077645,0.06419226527,0.8767555356,0.1232444793,0.5991174579,0.3578801155,0.04300244525,,,,,,0.07997466624,0.2170617878,0.2115467489,0.5713914633,0.9300432205,0.7330707312,0.008338031359,0.1435694247,0.006311684381,0.05332759768,0.2166991681,0.05634454638,0.04922026768,0.03177114949,0.2173563391,,,,,,,,,,,47,0.1415998191,0.3216109574,833.333313,2437.326904,0.6979307532,168750,493558.6563,141.3309784,130000,180000,196000,0.8888888955,2.18888855,0.1297323853,0.4061377048,0.3615679443,0.102561973 +Colombia,COL,Latin America and Caribbean,LCN,1996,enhft,Urban,23382962,0.29932338,0.1953023374,0.05426254496,1,0.6464141011,0.3705420494,0.3170939386,0.05344811454,9528595,0.6304033995,0.4839837551,0.154952094,0.5787257552,,0.9180245399,0.0819754675,0.8326199055,0.1673800796,0.6452327371,0.3108238876,0.04394337907,,,,,,0.1011273637,0.02892158367,0.2671415508,0.7039368749,0.9859772921,0.9726085067,0.005228297785,0.1897417903,0.007856337354,0.0643151179,0.2624123991,0.07225399464,0.0724747628,0.03917581961,0.2576199174,,,,,,,,,,,47,0.1415998191,0.3216109574,925.9259644,2708.140869,0.7754786611,200000,584958.4375,167.5033875,156295,180000,200000,0.8888888955,2.18888855,0.07717715204,0.3167658448,0.4560471177,0.1500098854 +Colombia,COL,Latin America and Caribbean,LCN,1996,enhft,Young worker,7279897,0,1,0,0.6273092628,1,0.3705420494,0.3170939386,0.05344811454,3413589,0.4689062238,0.3300547004,0.1883853525,0.4111161232,,0.8767555356,0.1232444793,0.8767555356,0.1232444793,0.7368590832,0.2567387223,0.006402187981,,,,,,0.03527234495,0.266929239,0.2071925253,0.5258782506,0.9177123904,0.7330707312,0.00703301793,0.1413971037,0.002989759436,0.05577264354,0.2114609927,0.04462620243,0.04214899242,0.02047356963,0.2071684748,,,,,,,,,,,47,0.1626524776,0.308675915,722.222229,2112.349854,0.6048733592,144000,421170.0625,120.6024323,120000,156292,150000,0.8888888955,2.18888855,0.0659500286,0.3681767583,0.3775523305,0.1883208901 +Colombia,COL,Latin America and Caribbean,LCN,1999,enhft,Female,20671852,0.2964332402,0.1951067597,0.06353779882,0.6377383471,0.6400289536,0.3708453178,0.312124908,0.05872040242,6291015,0.4754903615,0.4754903615,0.303791672,0.4148072302,,0.8723778129,0.1276221722,0.7382525802,0.2617474198,0.5744549036,0.4010626972,0.02448241971,,,,,,0.09411035478,0.06659379601,0.1603091955,0.7730969787,0.9334061742,0.9286472201,0.003611839842,0.1474193782,0.0025430487,0.006734933238,0.2949058115,0.01744708233,0.04918771982,0.02643422037,0.38512218,,,,,,,,,,,45,0.2548406422,0.2587937117,1313.666748,2464.803955,1.100218177,260472,488717.875,218.149704,200000,270000,260472,,2.400000095,0.1383071393,0.3835239708,0.3819689751,0.09619992971 +Colombia,COL,Latin America and Caribbean,LCN,1999,enhft,Higher education,21279496,0.2807101607,0.2776277661,0.02066670172,0.7406995893,0.6986231208,0.3708453178,0.312124908,0.05872040242,9445397,0.6353542209,0.524461925,0.1513536572,0.5450794101,,0.8579141498,0.1420858204,0.7358127236,0.2641872764,0.6236265302,0.3346969187,0.04167651758,,,,,,0.1206307486,0.07107347995,0.2024294734,0.7264970541,0.9790655375,0.8778918386,0.005473619327,0.1491421759,0.007523387205,0.0402902998,0.2509191036,0.06892348826,0.07833012938,0.04587994888,0.2824443877,,,,,,,,,,,45,0.1845207661,0.3032619655,1562.5,2931.684326,1.308620214,300000,562883.375,251.2550812,236000,300000,330000,0.9981878996,2.400000095,0,0,0.08531112224,0.9146888852 +Colombia,COL,Latin America and Caribbean,LCN,1999,enhft,Lower education,18971921,0.3441102207,0.1015412733,0.1043221727,0.4814474583,0.5515676141,0.3708453178,0.312124908,0.05872040242,6806980,0.650495708,0.403522253,0.3227135241,0.6021228433,,0.9256369472,0.07436308265,0.8780300021,0.1219700202,0.4635674357,0.5035149455,0.03291760758,,,,,,0.009373106994,0.4100319445,0.1574487537,0.4325193167,0.8538028598,0.4808882475,0.007334260736,0.09674233198,0.00223803916,0.05113411322,0.1869075298,0.04536600411,0.01406202838,0.005560813006,0.1806229353,,,,,,,,,,,45,0.2240603715,0.4027082622,1111.111084,2084.753174,0.9305742979,218000,412781.1563,182.5786896,208000,260000,210000,0.9981878996,2.400000095,0.1549908221,0.4295268059,0.415482372,0 +Colombia,COL,Latin America and Caribbean,LCN,1999,enhft,Male,19579565,0.3255424201,0.1941306591,0.05646320432,0.5981983542,0.6179943681,0.3708453178,0.312124908,0.05872040242,9961362,0.8232489228,,0.07645157725,0.7368549705,,0.8950573206,0.1049426794,0.8118295074,0.1881705076,0.5407823324,0.4131472707,0.04607037455,,,,,,0.05833104253,0.3133957982,0.1965679079,0.4900363088,,0.6144139171,0.007934773341,0.1131682619,0.006853783969,0.06861109287,0.1785995513,0.08396280557,0.0508476831,0.02935454436,0.1472717077,,,,,,,,,,,45,0.1502593756,0.3895553052,1333.333252,2501.703857,1.116689205,260472,488717.875,218.149704,210000,293031,315000,,2.400000095,0.1384416223,0.3834212124,0.3781142831,0.1000229046 +Colombia,COL,Latin America and Caribbean,LCN,1999,enhft,Old worker,17496433,0,0,0,0.6455544233,1,0.3708453178,0.312124908,0.05872040242,12516397,0.7153685093,0.5262855887,,0.6560127139,,0.9170276523,0.08297236264,,,0.5248234868,0.4297664762,0.04541003332,,,,,,0.08221063763,0.2062906027,0.1877234429,0.6059859395,0.9345601201,,0.00667842431,0.1299784333,0.005520895589,0.04554568976,0.2197175175,0.06294338405,0.05348020047,0.03070321679,0.239141643,,,,,,,,,,,45,0.1900902987,0.3361472487,1388.888916,2605.94165,1.163217902,283000,530986.6875,237.0172882,216667,300000,315000,0.9981878996,2.400000095,0.1547743827,0.3968426883,0.3721264899,0.07625645399 +Colombia,COL,Latin America and Caribbean,LCN,1999,enhft,Rural,15355720,0.3490509689,0.183067739,0.06402311474,0,0.5869259238,0.3708453178,0.312124908,0.05872040242,5639766,0.6257597208,0.3717277646,0.2461142987,0.5854731202,,0.9356196523,0.06438033283,0.8740765452,0.1259234399,0.4957321584,0.4712015688,0.03306627274,,,,,,0.04070251808,0.5468819737,0.1006271765,0.3524908423,0.7815822363,0.39964059,0.009784189984,0.05875820294,0.003691338934,0.02839344367,0.1403715163,0.03064163961,0.006995881442,0.01793989167,0.1565419286,,,,,,,,,,,,,,1311.111084,2460.008789,1.098077655,235000,442801.5938,196.8164673,210000,240000,260000,0.9981878996,2.400000095,0.1807617992,0.4471688271,0.3103503883,0.06171897426 +Colombia,COL,Latin America and Caribbean,LCN,1999,enhft,Total,40251417,0.31059286,0.1946319491,0.06009649485,0.6185048819,0.6293106228,0.5890403584,0.4935446006,0.09549575786,16252377,0.6416093016,0.4754903615,0.1934910566,0.5686445359,,0.8862785101,0.1137215197,0.7832617164,0.2167383134,0.5536119938,0.4085429013,0.03784511238,,,,,,0.0719633773,0.2193554491,0.1827520579,0.5978925228,0.9334061742,0.729410708,0.006287581753,0.1262191534,0.005211240146,0.04503407329,0.2229163796,0.05861794576,0.05021517724,0.02824179828,0.2379012108,,,,,,,,,,,45,0.1960612833,0.3322875798,1333.333252,2501.703857,1.116689205,260472,488717.875,218.149704,210000,281667,292500,0.9981878996,2.400000095,0.1383729726,0.3834736645,0.3800819814,0.0980713889 +Colombia,COL,Latin America and Caribbean,LCN,1999,enhft,Urban,24895697,0.2868718207,0.2017647922,0.05767454579,1,0.6554536223,0.3708453178,0.312124908,0.05872040242,10612611,0.6503632069,0.5270860195,0.1640407592,0.5593497753,,0.8600575328,0.1399424672,0.7281193733,0.2718806267,0.5870729089,0.3723193109,0.04060781002,,,,,,0.09003560245,0.02995566279,0.2302426547,0.7398017049,0.9907667637,0.9697838426,0.004265587311,0.165230006,0.006090158131,0.05465690047,0.2706498504,0.07479589432,0.07520773262,0.03419911116,0.2849490941,,,,,,,,,,,45,0.1960612833,0.3322875798,1388.888794,2605.94165,1.163217902,293031,549807.625,245.4184113,243000,292500,300000,0.9981878996,2.400000095,0.08965487033,0.3102678955,0.4602254927,0.139851734 +Colombia,COL,Latin America and Caribbean,LCN,1999,enhft,Young worker,7834212,0,1,0,0.6411716938,1,0.3708453178,0.312124908,0.05872040242,3735980,0.4768801332,0.3596567214,0.1934910566,0.373521924,,0.7832617164,0.2167383134,0.7832617164,0.2167383134,0.6665315628,0.3252958655,0.008172575384,,,,,,0.03176967055,0.2705893219,0.1632567346,0.5661539435,0.9286472201,0.729410708,0.004754891153,0.1114771441,0.003996924497,0.04302776605,0.2354607433,0.04165570438,0.03741136193,0.01858932152,0.2330368161,,,,,,,,,,,45,0.2220874429,0.315464139,1111.111084,2084.753174,0.9305742979,230000,431543.9375,192.628891,180000,250000,236437,0.9981878996,2.400000095,0.0769996047,0.3334474266,0.409851104,0.1797018796 +Colombia,COL,Latin America and Caribbean,LCN,2001,ech,Female,20150787,0.3040430546,0.1801544577,0.06529472023,0.7532598972,0.6306622028,0.3531818688,0.292470485,0.06071135774,7097677,0.5585054159,0.5585054159,0.2836616933,0.4598638415,,0.8233829141,0.1766170859,0.690090239,0.309909761,0.5374901295,0.4397715926,0.02273824811,,,,,,0.08646900207,0.05930363759,0.168758586,0.7719377875,0.9406963587,0.9451785088,0.01125140581,0.1493944675,0.004031623714,0.004081088584,0.2963395119,0.02056872658,0.05307075381,0.02393146604,0.3780273199,0.09216157347,0.01609142683,0.1062792167,0.220385462,0.3620740175,0.04832389951,0.0962927416,0.009539867751,0.025083391,0.02376839146,45,0.3531829417,0.2546027303,1660.891235,2642.620361,1.39102447,298960.4063,475671.6563,250.3843994,209100.875,298960.4063,301916.0313,,2.855816603,0.06116118655,0.1944817454,0.4860613644,0.2582957149 +Colombia,COL,Latin America and Caribbean,LCN,2001,ech,Higher education,21615466,0.2822747231,0.2608417869,0.02023384534,0.8428037167,0.6974914074,0.3531818688,0.292470485,0.06071135774,10614053,0.7040082812,0.608103931,0.1425108314,0.5830204487,,0.8281442523,0.1718557477,0.7047638893,0.2952361107,0.6017519236,0.3528609276,0.04538715258,,,,,,0.1122988313,0.07482022047,0.2107329518,0.7144468427,0.9779584408,0.8734178543,0.005389085971,0.1565679759,0.008919984102,0.0398559086,0.2813030183,0.07723666728,0.07828671485,0.04403006285,0.2335903645,0.1086299866,0.02871387266,0.1200327575,0.1990944892,0.1807633638,0.0700930953,0.0560595952,0.06947249919,0.1244582608,0.04268207029,45,0.2311938852,0.325193584,1805.505981,2872.714844,1.512141824,324693.6875,517088.6875,271.9364624,269878.9688,302744.7188,344146.4375,1.003662944,2.855816603,0,0,0.5460599661,0.4539400339 +Colombia,COL,Latin America and Caribbean,LCN,2001,ech,Lower education,18123128,0.3631739914,0.08709406853,0.1122992113,0.6089740396,0.5245267749,0.3531818688,0.292470485,0.06071135774,6578000,0.6919792295,0.4767959118,0.3066141605,0.6303064823,,0.9108749032,0.0891251117,0.8362762332,0.1637237519,0.3926043808,0.5710231662,0.03637244552,,,,,,0.01045456808,0.3812625408,0.1625290662,0.4562084079,0.8702415228,0.4845726192,0.01487865951,0.09937414527,0.00164635852,0.0466299057,0.2266951501,0.05652108043,0.01870157756,0.005870932247,0.1484196633,0.001764430548,0.001071475912,0.0105096437,0.1499218494,0.2118543237,0.3698723316,0.06823582947,0.04753197357,0.1387512982,0.0004868372926,45,0.2431355566,0.421749115,1345.343506,2140.556885,1.126747966,241532.8594,385300.2188,202.2878571,236747.4219,269083.5,234153.3438,1.003662944,2.855816603,0.1415271014,0.4326701462,0.4258027375,0 +Colombia,COL,Latin America and Caribbean,LCN,2001,ech,Male,19587807,0.3347307742,0.1830924749,0.05905903503,0.7185760736,0.6062101722,0.3531818688,0.292470485,0.06071135774,10094376,0.8501008153,,0.07185741514,0.7526822686,,0.8854035139,0.1145964861,0.773750186,0.2262497991,0.5035085678,0.4423141479,0.05417725444,,,,,,0.06091235206,0.2903926671,0.205863446,0.5037438869,,0.6411509514,0.007917510346,0.1229177639,0.00724023208,0.06778794527,0.2348645478,0.1004014984,0.05483034998,0.03159092367,0.08205655962,0.04775601998,0.01843605377,0.05560197681,0.1522075981,0.0830514133,0.2852985263,0.03791489452,0.09395233542,0.1990194023,0.02676178329,45,0.1594269872,0.4360723794,1578.239502,2511.114258,1.321802258,284083.0938,452000.5625,237.9243927,249571.2188,290634.9375,321960.875,,2.855816603,0.06820496917,0.2004730254,0.4967098534,0.234612152 +Colombia,COL,Latin America and Caribbean,LCN,2001,ech,Old worker,17366034,0,0,0,0.75928545,1,0.3531818688,0.292470485,0.06071135774,13210193,0.7606914043,0.6014839411,,0.6816592813,,0.8961048722,0.1038951501,,,0.4933244288,0.4559041262,0.05077144876,,,,,,0.08177141845,0.1883242577,0.1949476898,0.6167280674,0.9396218657,,0.008884074166,0.1364590675,0.006606702227,0.04299784824,0.2568094134,0.07365665585,0.05724335834,0.03047023155,0.1985483915,0.07205932587,0.0210196767,0.07152239978,0.179102093,0.1878956705,0.1805679947,0.06398783624,0.06063026562,0.1341285557,0.02908618003,45,0.2232195735,0.3707226813,1688.49353,2686.537842,1.414141893,303825.875,483576.8125,254.4593048,260422.1406,300029.0938,339655.5625,1.003662944,2.855816603,0.07946290076,0.2371057272,0.4484164715,0.2350148857 +Colombia,COL,Latin America and Caribbean,LCN,2001,ech,Rural,10484485,0.3642476499,0.1672095507,0.06983394921,0,0.565918386,0.3531818688,0.292470485,0.06071135774,4053745,0.6832120419,0.4274860919,0.254503727,0.6311123967,,0.9237431288,0.07625689358,0.8670378923,0.1329620928,0.4028304815,0.5642777681,0.03289172426,,,,,,0.0280471798,0.6461032033,0.09795157611,0.2559452355,0.7118235826,0.2948300242,0.02755222097,0.0513481684,0.002625649329,0.01642553695,0.1191598102,0.02217882872,0.004967307672,0.01026883256,0.09937046468,0.01988693699,0.001571588451,0.01446635835,0.07433493435,0.1221865267,0.6277672052,0.05990248919,0.01916056126,0.05709419399,0.003629207611,45,0.2714298666,0.376121074,1446.789673,2301.966309,1.211710811,260422.1406,414353.9375,218.1079407,249571.2188,280045.8125,310336.375,1.003662944,2.855816603,0.1302010715,0.3654286265,0.4173706174,0.08699968457 +Colombia,COL,Latin America and Caribbean,LCN,2001,ech,Total,39738594,0.3191695511,0.1816026568,0.06222105026,0.7361636758,0.6186093986,0.6165289474,0.5159468185,0.1005821289,17192053,0.6993566843,0.5585054159,0.1784033924,0.6013058636,,0.8597985506,0.1402014643,0.739348948,0.260651052,0.516959846,0.4413077235,0.04173243046,,,,,,0.07101645321,0.199032411,0.1911941767,0.6097733974,0.9406963587,0.7578920126,0.009235554375,0.133385241,0.005971719977,0.04260165617,0.2591684759,0.06883988529,0.05413469672,0.02856278233,0.1990675926,0.06531223655,0.01750908047,0.07563777268,0.1791624576,0.1933660209,0.1916080415,0.06099520996,0.06057894975,0.1302519143,0.02557831258,45,0.2360333651,0.3643237054,1617.407471,2573.433838,1.354606152,290634.9375,463218.0938,243.4116821,249178.5156,297512.5,303825.875,1.003662944,2.855816603,0.06456128508,0.1973737925,0.4912014902,0.2468634248 +Colombia,COL,Latin America and Caribbean,LCN,2001,ech,Urban,29254109,0.3030138314,0.1867610514,0.05949263275,1,0.6374935508,0.3531818688,0.292470485,0.06071135774,13138308,0.704493165,0.595692575,0.1539847553,0.5918227434,,0.8400688171,0.159931168,0.6953125596,0.3046874404,0.5557128787,0.3995527625,0.04473432526,,,,,,0.08559489995,0.04738932848,0.2228213698,0.7297893167,0.9902173281,0.9566953778,0.003022677964,0.1612115949,0.007106682286,0.05148040131,0.3066583574,0.08466696739,0.07081191242,0.03476795554,0.2328841239,0.08072395623,0.02291629091,0.09639177471,0.2147279382,0.2175155282,0.04362964258,0.0613659434,0.07463122159,0.1550725847,0.03302511945,45,0.2240329981,0.3603240848,1662.412354,2645.040527,1.39229846,299234.2188,476107.3125,250.6137238,241532.8594,298142.125,303022,1.003662944,2.855816603,0.03942970186,0.1330304146,0.5194692016,0.3080706596 +Colombia,COL,Latin America and Caribbean,LCN,2001,ech,Young worker,7216634,0,1,0,0.7570742965,1,0.3531818688,0.292470485,0.06071135774,3981860,0.5517613888,0.4510301352,0.1784033924,0.4079442024,,0.739348948,0.260651052,0.739348948,0.260651052,0.6123884916,0.3823743463,0.005237181205,,,,,,0.0277708713,0.2421079874,0.1760949194,0.581797123,0.9451785088,0.7578920126,0.01064945199,0.1210201755,0.003417381784,0.04100790247,0.2686582208,0.04946349934,0.04162952304,0.02088970132,0.2011561692,0.03818227351,0.003393021179,0.09218562394,0.1794051826,0.2153622508,0.2359999269,0.04896188155,0.06037260965,0.1146640033,0.01147322822,45,0.2875906527,0.3385769427,1401.595947,2230.059326,1.173860312,251596.7188,401410.6875,210.716507,208909.5313,270578.125,259043.9688,1.003662944,2.855816603,0.02882296778,0.1020852774,0.5938121676,0.2752796113 +Colombia,COL,Latin America and Caribbean,LCN,2002,ech,Female,20404029,0.3027588725,0.1916359812,0.06269933283,0.7586234808,0.6345418096,0.3512173593,0.2877945006,0.06342288107,7258932,0.5606561303,0.5606561303,0.2820439339,0.4573218822,,0.8156905174,0.1843094826,0.6670492291,0.3329507709,0.5499578714,0.4213726521,0.02866950072,,,,,,0.09715536237,0.05117378011,0.1681812108,0.7806450129,0.9488261938,0.9522232413,0.01037774701,0.1507007182,0.001824140665,0.005278601777,0.2882132232,0.02135030366,0.05526850373,0.0317248404,0.3840881586,0.09365192801,0.01918294095,0.1181852818,0.2075855881,0.3666940629,0.04537799209,0.08704633266,0.01066856179,0.02816497535,0.02344232611,46,0.3461317718,0.2685502172,1834.580811,2744.684326,1.536492467,329942.2813,494043.1875,276.3322449,237098.0781,328983.1875,338518.0938,,3,0.07025340199,0.1875917017,0.4825374186,0.2596174777 +Colombia,COL,Latin America and Caribbean,LCN,2002,ech,Higher education,22054792,0.2821429372,0.2630234361,0.01980703324,0.8431877494,0.6980500221,0.3512173593,0.2877945006,0.06342288107,10856662,0.7051910758,0.6090586185,0.1446461976,0.5861891508,,0.8312487006,0.1687513143,0.7045432329,0.2954567373,0.5870525837,0.3610296547,0.05191778392,,,,,,0.1107602045,0.06840538234,0.2175534517,0.7140411735,0.9839738011,0.898393631,0.0124321105,0.1504546702,0.005638149101,0.04902852327,0.281671077,0.07533160597,0.07737093419,0.04191149026,0.2377560586,0.1140652895,0.03265889362,0.1231266484,0.1935689896,0.1785936803,0.06264209747,0.05800443515,0.06408449262,0.1302824318,0.04297305271,46,0.2248558998,0.3390429914,1989.316162,2976.181152,1.666085958,357757.2188,535712.625,299.6277161,264967.5,329264.625,383653.8125,1.005742431,3,0,0,0.5375223756,0.4624776542 +Colombia,COL,Latin America and Caribbean,LCN,2002,ech,Lower education,18185073,0.3639629483,0.09435276687,0.1112071946,0.6177665591,0.5248298645,0.3512173593,0.2877945006,0.06342288107,6625470,0.6941975951,0.4818156958,0.3140349984,0.617996037,,0.8902307153,0.1097692698,0.8270562291,0.1729437858,0.4210090637,0.5477258563,0.03126509115,,,,,,0.01410888787,0.3659597933,0.1843592077,0.4496810138,0.8800409436,0.5160320401,0.02558582649,0.09884718806,0.002676533302,0.05724965781,0.2164587826,0.05732683092,0.01816599444,0.008245689794,0.1494837105,0.002127429703,0.003622123739,0.01251975819,0.1381232291,0.2260848582,0.3534871638,0.07886376232,0.04171511903,0.1428261846,0.000630362134,46,0.2347870618,0.4328073263,1365.269531,2042.555908,1.143436313,245538.4531,367660.0625,205.6426086,229442.2031,284761.0625,250136.875,1.005742431,3,0.1545859575,0.4119826555,0.4334313869,0 +Colombia,COL,Latin America and Caribbean,LCN,2002,ech,Male,19835836,0.3359473348,0.1818220764,0.05947982147,0.7235130072,0.6045728326,0.3512173593,0.2877945006,0.06342288107,10223200,0.8524869084,,0.07626976818,0.7506324649,,0.8805208802,0.1194791272,0.7901140451,0.2098859549,0.5027161241,0.4435946047,0.05368926749,,,,,,0.05638031662,0.2747149169,0.2282759249,0.4970091581,,0.6759636998,0.02240243927,0.1164764538,0.006206086371,0.08319094032,0.2346370518,0.09903863817,0.0531135574,0.02655160986,0.08366829902,0.05414763838,0.0224972032,0.05390412733,0.1480197012,0.08598514646,0.2645678222,0.05256927386,0.08456264436,0.2056708783,0.02807556838,46,0.1515792608,0.4468651116,1682.333252,2516.909424,1.408982515,302561.1563,453043.6875,253.4000854,235325.3594,312677.875,345288.4375,,3,0.07030763477,0.1869818717,0.4985334277,0.2441770881 +Colombia,COL,Latin America and Caribbean,LCN,2002,ech,Old worker,17422678,0,0,0,0.7658858895,1,0.3512173593,0.2877945006,0.06342288107,13335856,0.7654308677,0.6077027321,,0.6809641123,,0.8896480203,0.1103519723,,,0.489210695,0.4577128291,0.05307646841,,,,,,0.08563910425,0.1778943986,0.2096670121,0.6124386191,0.947981298,,0.0182636492,0.1326506585,0.005326543003,0.05342616886,0.2524314225,0.06817275286,0.05563150719,0.0327430591,0.2034598589,0.07916813344,0.02592973225,0.07085330039,0.1699272543,0.1934629828,0.1691627651,0.06998059154,0.05753493309,0.1337451786,0.03023511544,46,0.2175073326,0.381973058,1864.983887,2790.169678,1.561955571,335697.125,502230.5625,281.1520081,254151.375,329264.625,383653.8125,1.005742431,3,0.08748888969,0.2194713801,0.4482704699,0.2447692305 +Colombia,COL,Latin America and Caribbean,LCN,2002,ech,Rural,10409404,0.3648674786,0.1764567941,0.06682860851,0,0.5683038831,0.3512173593,0.2877945006,0.06342288107,3986856,0.6739443541,0.4069983363,0.2480953336,0.6088989973,,0.9034855962,0.09651439637,0.8562454581,0.1437545419,0.4423114955,0.523095727,0.03459275886,,,,,,0.03187586367,0.5859074593,0.1243264005,0.2897661328,0.7758783102,0.4101433754,0.02086644247,0.06256878376,0.001500973245,0.03939020261,0.1309379041,0.0353926979,0.01083200052,0.007753686048,0.1048498526,0.02495428361,0.005073198117,0.01851298101,0.08993364125,0.1320480704,0.5670999289,0.05416945368,0.01671179384,0.0854473263,0.006049304269,46,0.2329712361,0.4131791592,1457.206909,2180.101807,1.220435381,259920.4531,392418.3125,217.6877747,235325.3594,317961,317961,1.005742431,3,0.1329723746,0.3273025751,0.4416407049,0.09808435291 +Colombia,COL,Latin America and Caribbean,LCN,2002,ech,Total,40239865,0.3191187978,0.1867983192,0.06111230701,0.7413161397,0.6197689027,0.6135046517,0.5148996608,0.09860499091,17482132,0.7009839892,0.5606561303,0.1833118051,0.5983613297,,0.8536019921,0.146397993,0.737665534,0.2623344362,0.5214645863,0.4347755611,0.04375986755,,,,,,0.07255898416,0.1860219091,0.2044325173,0.6095455885,0.9488261938,0.7824601531,0.01763147675,0.1300553977,0.004467489198,0.0522781536,0.2558941245,0.06821472943,0.05396856368,0.02860415913,0.2028639913,0.06982209533,0.02118217573,0.07940951735,0.1716541797,0.1973644644,0.1775979698,0.0662490353,0.05524304509,0.1352403164,0.02623719722,46,0.2287815064,0.376106292,1764.940063,2640.496094,1.478167176,317689.2188,475289.3125,266.0700989,235325.3594,322544.9063,344163.3125,1.005742431,3,0.07027938217,0.1872995943,0.4901995063,0.2522215247 +Colombia,COL,Latin America and Caribbean,LCN,2002,ech,Urban,29830461,0.3031546772,0.1904070079,0.05911759287,1,0.6377277374,0.3512173593,0.2877945006,0.06342288107,13495276,0.7093923688,0.603541255,0.1623617113,0.5950844884,,0.8388651013,0.1611348987,0.6970178485,0.3029821813,0.5465889573,0.4067414105,0.0466696471,,,,,,0.08550368994,0.05875070021,0.2299278229,0.7113214731,0.981895864,0.9393026233,0.0166018866,0.151534304,0.005411639344,0.05637998879,0.2956638336,0.07866096497,0.06769759953,0.03524022177,0.2340588719,0.08409830183,0.02630778775,0.09878580272,0.1976563185,0.2181470692,0.0536648035,0.07009256631,0.06750306487,0.1510836482,0.03266065568,46,0.2274481505,0.3643081486,1833.012695,2742.338135,1.535179138,329942.2813,493620.8438,276.3322449,239604.7969,322544.9063,345583.875,1.005742431,3,0.04675770923,0.1347721368,0.5084182024,0.3100519776 +Colombia,COL,Latin America and Caribbean,LCN,2002,ech,Young worker,7516739,0,1,0,0.7556374073,1,0.3512173593,0.2877945006,0.06342288107,4146276,0.5516057014,0.4519227743,0.1833118051,0.4069005251,,0.737665534,0.2623344362,0.737665534,0.2623344362,0.6472347379,0.3453343809,0.0074308943,,,,,,0.02182101645,0.2175398171,0.1841335148,0.598326683,0.9522232413,0.7824601531,0.01517995819,0.1199911982,0.001136142178,0.04782621935,0.2693222761,0.06837750971,0.04751978442,0.0125538148,0.2005532831,0.03356868401,0.002766330028,0.112599209,0.1783529222,0.2124983519,0.2103182375,0.05177427828,0.04635278136,0.1410399973,0.01072921418,46,0.2725205421,0.3533456326,1439.932617,2154.258057,1.205967903,257815.375,387766.4375,215.9247437,211792.8125,268787.4375,287986.5313,1.005742431,3,0.03090883605,0.1136995405,0.5861213207,0.2692703009 +Colombia,COL,Latin America and Caribbean,LCN,2003,ech,Female,20656958,0.303442508,0.1833456755,0.0626566112,0.7615403533,0.6339008808,0.3487822711,0.2846412659,0.06414100528,7596317,0.5801166892,0.5801166892,0.2518617213,0.4760066569,,0.820536077,0.1794639379,0.6643016934,0.3356982768,0.520490706,0.4524806142,0.02702864073,,,,,,0.09072249383,0.06727869809,0.1618137062,0.7709075809,0.9327213168,0.9237284064,0.005549005233,0.1510005742,0.001912049833,0.003352066036,0.2902824879,0.01857286878,0.05789484084,0.02296129055,0.3811961114,0.09602598846,0.01711505093,0.1038932428,0.2092599273,0.3685846031,0.06045706198,0.08741704375,0.009474651888,0.02730155364,0.02047087066,47,0.3359093368,0.2730949521,1904.183716,2659.18457,1.594786048,342266.625,478653.2188,286.6540833,227504.875,338573.1563,347977.9375,,2.852601051,0.06382418424,0.1907181442,0.4822199345,0.2632377446 +Colombia,COL,Latin America and Caribbean,LCN,2003,ech,Higher education,22621786,0.2826941311,0.2591352761,0.02175769769,0.8430671096,0.6955481768,0.3487822711,0.2846412659,0.06414100528,11341250,0.7207868099,0.6350260973,0.1270335913,0.6009007096,,0.8336732984,0.1663267314,0.7039820552,0.2960179448,0.5825705528,0.3681273162,0.04930212721,,,,,,0.1086737365,0.07220407575,0.2156388313,0.7121570706,0.975564599,0.887278676,0.01056325249,0.1551409811,0.00610558968,0.04382899776,0.2708061039,0.07793410122,0.08140472323,0.04089347646,0.2411186844,0.1122973636,0.03053973056,0.117546387,0.1867770702,0.1906772703,0.06474338472,0.06098913774,0.06078490242,0.1337554455,0.04188929871,47,0.2128563821,0.3512367904,2011.647461,2809.257324,1.684788823,361719.7813,505666.3438,302.9464417,262349.3125,347742.8125,378298.5625,1.03591454,2.852601051,0,0,0.5385103226,0.4614896476 +Colombia,COL,Latin America and Caribbean,LCN,2003,ech,Lower education,18121564,0.3616372049,0.0876782462,0.1087121964,0.6209298968,0.529650569,0.3487822711,0.2846412659,0.06414100528,6736628,0.7018712163,0.4883065522,0.2785550952,0.6372379065,,0.9079128504,0.09208717197,0.8567270041,0.143272981,0.4012589455,0.5620864034,0.03665465862,,,,,,0.01125277113,0.380795449,0.1616482735,0.4575562775,0.8467642069,0.4686219394,0.01469665114,0.09311356395,0.001243716222,0.05259434879,0.2255439907,0.06367300451,0.01886913367,0.004635565449,0.1448345631,0.002726988401,0.002748243278,0.0114841219,0.141893968,0.2207516581,0.365455687,0.06329771876,0.0461101234,0.1455265731,0.000004904949492,47,0.2212232947,0.457469523,1442.179077,2013.99707,1.207849383,259592.2344,362519.4688,217.4128876,249393.125,282593.5625,260005.5938,1.03591454,2.852601051,0.1507369578,0.4152451158,0.4340178967,0 +Colombia,COL,Latin America and Caribbean,LCN,2003,ech,Male,20086392,0.3325773478,0.1823924333,0.05814573541,0.7265017033,0.6092768908,0.3487822711,0.2846412659,0.06414100528,10481561,0.856464386,,0.06370199472,0.7630317211,,0.8909088969,0.1090910956,0.8026576042,0.1973424256,0.5052093863,0.4389136136,0.05587700382,,,,,,0.05684722587,0.2775997818,0.216193065,0.5062071681,,0.6634322405,0.01661614887,0.1172793508,0.005719491746,0.07657806575,0.2281664461,0.1082027704,0.05613457412,0.02911194041,0.0845914185,0.05139195174,0.02129765786,0.05719108507,0.1423726082,0.09162490815,0.2645647228,0.04486097768,0.08542204648,0.2125216722,0.02875237353,47,0.1361550987,0.4730609953,1737.427002,2426.30957,1.455124497,312736.8438,436735.7188,261.9223938,250003.4531,325006.9375,349087.9375,,2.852601051,0.07381711155,0.1873379797,0.5002867579,0.2385581136 +Colombia,COL,Latin America and Caribbean,LCN,2003,ech,Old worker,17881669,0,0,0,0.7687339187,1,0.3487822711,0.2846412659,0.06414100528,13833777,0.7736289501,0.620100379,,0.6944041252,,0.8975932598,0.1024067402,,,0.4884518683,0.4578453004,0.05370282382,,,,,,0.08248573542,0.1824780405,0.1959632039,0.6215587258,0.9348936081,,0.01099210139,0.132999137,0.004300917499,0.04767104983,0.2501164079,0.07384976,0.05878655985,0.02802701108,0.2107790262,0.07913720608,0.02295156568,0.06900005788,0.1701039076,0.2032085508,0.1704663783,0.06331338733,0.0555890426,0.1369965822,0.02923330292,47,0.1994673461,0.4054016769,1915.213623,2674.587891,1.604023814,344738.4688,481425.8125,288.7243042,262349.3125,340625.125,376791.375,1.03591454,2.852601051,0.08529766649,0.2263536155,0.4438514411,0.2444972992 +Colombia,COL,Latin America and Caribbean,LCN,2003,ech,Rural,10419445,0.3642888963,0.1771701872,0.06164618209,0,0.5740649104,0.3487822711,0.2846412659,0.06414100528,4127424,0.6900387406,0.4447495043,0.2143135369,0.6327976584,,0.9170465469,0.08295343816,0.8486664891,0.1513335258,0.4458650053,0.5200172067,0.03411778063,,,,,,0.03862020001,0.6140096188,0.1128933877,0.2730969787,0.6891627312,0.3645982146,0.02155380137,0.05990425497,0.001767484588,0.02966785058,0.111263819,0.02965305559,0.009672816843,0.01020887494,0.1122984141,0.02735955268,0.003681599163,0.01753244363,0.0687128827,0.1459762603,0.5805478692,0.0543095991,0.02063227817,0.08022610098,0.0010213895,47,0.2304058075,0.4196986258,1518.551025,2120.650146,1.271812201,272571.8438,381717.0313,228.2835236,260005.5938,277339.2813,346122.9375,1.03591454,2.852601051,0.1407328397,0.3264588714,0.4323279262,0.1004803628 +Colombia,COL,Latin America and Caribbean,LCN,2003,ech,Total,40743350,0.3178059161,0.1828757375,0.06043275818,0.7442663908,0.6217613369,0.6083341819,0.5111381123,0.09719606961,18077878,0.7136199846,0.5801166892,0.1593444943,0.6146681943,,0.8613382578,0.1386617422,0.7431640029,0.2568360269,0.5113247037,0.444342941,0.04433234408,,,,,,0.07040730864,0.1934271157,0.1944298744,0.6121429801,0.9327213168,0.7634766102,0.01218696311,0.1307749301,0.004195714369,0.04727226496,0.2530259192,0.07233195752,0.05683905259,0.02665038779,0.2032956779,0.06925871223,0.01962338388,0.0758856982,0.1691472381,0.2024903297,0.1828615516,0.061895933,0.05502072722,0.1383790821,0.02543733455,47,0.2161446065,0.3929866552,1802.723633,2517.496094,1.509811521,324078.5313,453149.3125,271.4212646,250003.4531,329692.4688,348362.1563,1.03591454,2.852601051,0.06864064932,0.1890889555,0.4909279346,0.2513424754 +Colombia,COL,Latin America and Caribbean,LCN,2003,ech,Urban,30323905,0.3018341362,0.1848361939,0.06001581997,1,0.6381500363,0.3487822711,0.2846412659,0.06414100528,13950454,0.7209089398,0.6176059246,0.1412402093,0.6090644002,,0.8448562026,0.1551437676,0.7046095729,0.2953904271,0.5323694348,0.4200143516,0.04761623219,,,,,,0.08061553538,0.05832374096,0.2206217796,0.7210544944,0.9846973419,0.9390528798,0.00917806197,0.1535406709,0.004975732416,0.05292731896,0.2985640466,0.08604166657,0.07199022174,0.03193188086,0.23252666,0.08271435648,0.02474298514,0.09462548047,0.2014010847,0.2206394672,0.05514711887,0.06433223933,0.06606435776,0.1570545435,0.03327836096,47,0.2115610987,0.3844014704,1886.961792,2635.134277,1.580362439,339653.125,474324.1875,284.4652405,201275.9375,334118.0313,348532.0625,1.03591454,2.852601051,0.041585356,0.1375357509,0.5129197836,0.3079591095 +Colombia,COL,Latin America and Caribbean,LCN,2003,ech,Young worker,7450970,0,1,0,0.7522450089,1,0.3487822711,0.2846412659,0.06414100528,4244101,0.5696038008,0.4818604589,0.1593444943,0.423309058,,0.7431640029,0.2568360269,0.7431640029,0.2568360269,0.6018775702,0.3908874989,0.007234944962,,,,,,0.02285623364,0.2365234196,0.188394621,0.5750819445,0.9237284064,0.7634766102,0.0168900229,0.1220203489,0.003781627631,0.04570262134,0.2644780278,0.06635778397,0.04917352274,0.02123190276,0.1738407314,0.03036844917,0.006520795636,0.1029935032,0.1653809696,0.1996627897,0.2316596061,0.05631561577,0.05278334767,0.1438217908,0.01049313229,47,0.2817837894,0.3441230357,1486.855591,2076.387695,1.245266676,267634,373749.7813,224.147995,213071.125,300227.375,282593.5625,1.03591454,2.852601051,0.02934070863,0.1011680961,0.6019984484,0.2674927413 +Colombia,COL,Latin America and Caribbean,LCN,2004,ech,Female,20907945,0.2964738905,0.1853000373,0.06684372574,0.764326036,0.6366823912,0.3515718579,0.2846601009,0.06691177189,7400582,0.55594486,0.55594486,0.2634013891,0.4670116305,,0.8400323391,0.1599676907,0.6910045743,0.3089954555,0.5353553295,0.4365792871,0.02806536667,,,,,,0.09135577083,0.05926980451,0.172583431,0.7681467533,0.9407302141,0.9194506407,0.002804144286,0.1636606157,0.00193255546,0.004186104052,0.2821106017,0.02459482849,0.05965274572,0.0294988621,0.3722897172,0.09216231108,0.02099544927,0.1049050242,0.2108210325,0.3557958603,0.053383708,0.09336084872,0.01043346245,0.03108097985,0.02706134133,46,0.3339205384,0.269151777,2085.919922,2750.566406,1.746993184,374999.9688,495101.9375,314.0688171,259935.0781,361621.6563,376689.1875,,2.67955184,0.06104180217,0.1760663688,0.4860993028,0.2767925262 +Colombia,COL,Latin America and Caribbean,LCN,2004,ech,Higher education,23349222,0.2719719708,0.2672959268,0.02163768001,0.83107692,0.7063903213,0.3515718579,0.2846601009,0.06691177189,11478213,0.6959164739,0.5981328487,0.1391892135,0.5926377773,,0.851593256,0.1484067291,0.7291782498,0.2708217204,0.5817470551,0.3675553799,0.05069754273,,,,,,0.1076076552,0.07676903158,0.2137537301,0.7094772458,0.9750182629,0.8659904599,0.008129452355,0.1592410505,0.006083118729,0.04030009732,0.2692540586,0.08464946598,0.08281806856,0.04261458293,0.2301410735,0.1078596339,0.03504768386,0.1167877242,0.185780555,0.1817553937,0.07186369598,0.059896864,0.06360385567,0.1329675466,0.044437062,46,0.2088325918,0.3483999074,2187.5,2884.513428,1.832068205,393750,519212.4375,329.7722778,278501.8438,374999.9688,432467.1875,1.047747731,2.67955184,0,0,0.5250701308,0.474929899 +Colombia,COL,Latin America and Caribbean,LCN,2004,ech,Lower education,17896505,0.3600028753,0.07970472425,0.1156356484,0.6375022531,0.5243614912,0.3515718579,0.2846601009,0.06691177189,6503251,0.6929972172,0.4794104993,0.3142089844,0.6368030906,,0.9189114571,0.08108852059,0.859079659,0.140920341,0.3867074847,0.566850245,0.04644228518,,,,,,0.00808562804,0.3606061637,0.1843457222,0.4550481439,0.8688410521,0.5089859962,0.01647966169,0.1054293662,0.001414067578,0.06102262437,0.2132442445,0.06517060846,0.02001248673,0.005710155703,0.1509106308,0.002209035214,0.004218268208,0.01405810565,0.1390584409,0.2101982087,0.3574105501,0.07289799303,0.04666802287,0.1531511843,0.0001301893353,46,0.2383203655,0.403445065,1506.756836,1986.861816,1.26193428,271216.2188,357635.125,227.1481628,258769.4219,321428.5625,271012.75,1.047747731,2.67955184,0.1439443529,0.4088686705,0.4471869767,0 +Colombia,COL,Latin America and Caribbean,LCN,2004,ech,Male,20337782,0.3242471218,0.1865171492,0.05787907541,0.7293604612,0.6178737879,0.3515718579,0.2846601009,0.06691177189,10580882,0.8420124054,,0.07814185321,0.7586991787,,0.9010546803,0.098945342,0.8070614338,0.1929385513,0.4897758067,0.4474445581,0.06277965754,,,,,,0.05582416803,0.2661334872,0.222162351,0.5117041469,,0.6854171753,0.01683717966,0.1226215586,0.005862308666,0.07684130222,0.2257548571,0.1115972698,0.05854722857,0.02802954614,0.08777526021,0.05187313259,0.0248866342,0.06014472619,0.1401670426,0.08609828353,0.2628954649,0.04622542113,0.08765881509,0.2120550573,0.02799541876,46,0.1457467228,0.4345829189,1883.446045,2483.577393,1.57741797,339020.3125,447043.9375,283.9352417,259935.0781,357586.25,376689.1875,,2.67955184,0.06574130803,0.1838860363,0.4958211184,0.2545515597 +Colombia,COL,Latin America and Caribbean,LCN,2004,ech,Old worker,18210315,0,0,0,0.7721503973,1,0.3515718579,0.2846601009,0.06691177189,13920808,0.7644463181,0.6044592261,,0.6957768798,,0.910171032,0.08982898295,,,0.4821683168,0.4589608312,0.05887086317,,,,,,0.08052016795,0.174498722,0.2038856894,0.6216155887,0.9456752539,,0.01178024523,0.1384352595,0.004806903657,0.04886329174,0.2456515282,0.07636979222,0.06300285459,0.03035390191,0.2062375098,0.07661435008,0.02697920054,0.07072688639,0.1681183726,0.1924256682,0.1703089327,0.06683219224,0.05858062208,0.1383067369,0.03110703826,46,0.2023010105,0.3773392141,2090.625,2756.770752,1.750933766,376312.5,496218.7188,315.1680908,276020.6875,374999.9688,416250,1.047747731,2.67955184,0.08032158762,0.2158695012,0.4469083846,0.2569005191 +Colombia,COL,Latin America and Caribbean,LCN,2004,ech,Rural,10431666,0.3569667637,0.1811766177,0.06410490721,0,0.5789283514,0.3515718579,0.2846601009,0.06691177189,4039226,0.6688360572,0.4232440889,0.2338963449,0.6136857271,,0.9175428748,0.08245713264,0.8439894915,0.1560105085,0.3995985687,0.5586921573,0.0417092368,,,,,,0.02662537992,0.5837673545,0.1187888905,0.2974437475,0.7209831476,0.3803285956,0.01460729074,0.07221295685,0.00397176249,0.02799687907,0.1348985434,0.03649569675,0.006474890746,0.009510914795,0.1100636944,0.0195328705,0.005426366813,0.01676234975,0.07844663411,0.1315198541,0.575160861,0.05489963666,0.03036590666,0.08464225382,0.003243246349,46,0.2621967793,0.3431111872,1588.492065,2094.640625,1.330389023,285928.5625,377035.3125,239.4700012,259935.0781,338752.6875,345025.875,1.047747731,2.67955184,0.1164077818,0.3087829053,0.4569135308,0.117895782 +Colombia,COL,Latin America and Caribbean,LCN,2004,ech,Total,41245727,0.3101685345,0.1859001815,0.06242336333,0.7470849156,0.6274080873,0.5938589339,0.4943648971,0.09949403681,17981464,0.6948578569,0.55594486,0.1717489213,0.6086536842,,0.875939846,0.1240601465,0.758588016,0.241411984,0.507758975,0.4431577027,0.04908331484,,,,,,0.06984834373,0.1844841838,0.2025934905,0.6129223108,0.9407302141,0.7744572759,0.01129832584,0.1388197243,0.004311230965,0.04816422239,0.2479985356,0.07725731283,0.05898357928,0.02860948816,0.200073421,0.06777510047,0.02335079946,0.07781142741,0.1680538803,0.1925467849,0.180202052,0.06482958049,0.0571782887,0.1406253427,0.02762674168,46,0.2200209945,0.3692854345,1990,2624.083008,1.66665864,358000,472334.9375,299.8310547,259935.0781,358200,376689.1875,1.047747731,2.67955184,0.06331913173,0.1798557043,0.4908103943,0.2660147846 +Colombia,COL,Latin America and Caribbean,LCN,2004,ech,Urban,30814061,0.2943256795,0.1874992698,0.06185409799,1,0.6438202262,0.3515718579,0.2846601009,0.06691177189,13942238,0.7027792335,0.59225595,0.1514192522,0.6071218252,,0.863887012,0.1361130178,0.7289817929,0.2710181773,0.5410336256,0.4076144695,0.05135188997,,,,,,0.08314828575,0.06157804281,0.2283899784,0.7100319862,0.9840838909,0.9326460958,0.01027977094,0.1593224108,0.004415724892,0.05437207222,0.2828126252,0.08980443329,0.07514664531,0.03448835015,0.2277799249,0.08261949569,0.02886624448,0.09659656137,0.1956265122,0.211325109,0.05867109075,0.06788507104,0.06542860717,0.1578516513,0.03512967378,46,0.207030952,0.3773470521,2083.333252,2747.155518,1.744826794,374999.9688,494488,314.0688171,267500,360000,378841.7188,1.047747731,2.67955184,0.04337443784,0.1314194798,0.5035449862,0.3216611147 +Colombia,COL,Latin America and Caribbean,LCN,2004,ech,Young worker,7667588,0,1,0,0.75351125,1,0.3515718579,0.2846601009,0.06691177189,4060656,0.5295871496,0.4377660453,0.1717489213,0.4017384648,,0.758588016,0.241411984,0.758588016,0.241411984,0.6134781837,0.3778724372,0.008649338968,,,,,,0.02595244348,0.2255427539,0.1972801983,0.5771770477,0.9194506407,0.7744572759,0.009316752665,0.1404005736,0.00227310718,0.04528976232,0.2576490045,0.08090664446,0.04245698079,0.0214367453,0.1747276634,0.03141705692,0.008426274173,0.1069519371,0.1677885503,0.1930449754,0.2208949327,0.05659231916,0.05141014233,0.1501623988,0.01331140939,46,0.2929080129,0.3361580968,1597.342041,2106.310547,1.33780098,286283.8125,379135.9063,239.7675323,218516.3906,301351.375,301125.2813,1.047747731,2.67955184,0.02330734208,0.09510459006,0.594124794,0.2874632776 +Colombia,COL,Latin America and Caribbean,LCN,2005,ech,Female,21162410,0.2933588922,0.1835356206,0.06816865504,0.7670055628,0.6384724379,0.3474432528,0.2760021687,0.07144108415,7512775,0.5560234189,0.5560234189,0.275195837,0.4732893407,,0.8512039781,0.1487960219,0.7082551718,0.2917447984,0.5409444571,0.4289654493,0.03009010665,,,,,,0.08210866153,0.07765958458,0.1627385616,0.7596018314,0.9223403931,0.9016608,0.003064711578,0.153019771,0.003058300121,0.003595774062,0.2931114137,0.02562204003,0.0607989803,0.02502013743,0.3550492823,0.0927272737,0.02261800878,0.1061621904,0.2161220908,0.3490548134,0.0661726892,0.07946108282,0.01049992349,0.03076418303,0.02641775459,46,0.3197405338,0.2601956129,2230.83374,2800.292725,,401550.0938,504052.6875,,329877.2188,401079.3438,411570.3125,,2.672368765,0.05408477411,0.1645781994,0.4888759255,0.292461127 +Colombia,COL,Latin America and Caribbean,LCN,2005,ech,Higher education,24006898,0.2661554217,0.2621969283,0.02183372527,0.8453109264,0.7120108604,0.3474432528,0.2760021687,0.07144108415,11876702,0.6948214173,0.5986196399,0.1422929615,0.5995180011,,0.8628374934,0.1371624917,0.7408343554,0.2591656148,0.6008440852,0.3477490842,0.051406838,,,,,,0.1024334878,0.08494505286,0.2170739472,0.6979809999,0.9684810638,0.8493153453,0.006875741296,0.1558123678,0.007361254189,0.04702458531,0.2660538554,0.07955610007,0.08447446674,0.04338006675,0.2245164961,0.1070124879,0.03647748381,0.1139799282,0.1898299903,0.1776783466,0.07631495595,0.05378913507,0.06514499336,0.1346227825,0.04514990002,46,0.1991191953,0.3340791762,2358.784668,2960.905518,,424581.25,532963,,355030.7813,401550.0938,454490.1875,1.01861918,2.672368765,0,0,0.5135539174,0.4864460826 +Colombia,COL,Latin America and Caribbean,LCN,2005,ech,Lower education,17741561,0.3619413674,0.07990057766,0.1208230779,0.6204183698,0.5172355175,0.3474432528,0.2760021687,0.07144108415,6364045,0.6935105324,0.4731976986,0.3300140202,0.6463329792,,0.9319728017,0.06802717596,0.8769183159,0.1230816767,0.4183650613,0.5323917866,0.04924315959,,,,,,0.008217339404,0.4149408937,0.1623456478,0.4227134585,0.8184079528,0.4365989268,0.008765634149,0.09483491629,0.001168245333,0.05757684261,0.2080029845,0.05147866905,0.01987534575,0.005818297155,0.1375381798,0.002866744995,0.004160261713,0.01243475731,0.1271928996,0.2046380192,0.4054317176,0.05786919966,0.04587213323,0.1394808143,0.00005344692909,46,0.2360017151,0.3820644021,1732.491333,2174.739746,,311848.4375,391453.1875,,304114.125,342560.7813,301280.25,1.01861918,2.672368765,0.1348214597,0.4024720192,0.4627065361,0 +Colombia,COL,Latin America and Caribbean,LCN,2005,ech,Male,20586049,0.3207409978,0.1859531254,0.05951297283,0.7319907546,0.6197460294,0.3474432528,0.2760021687,0.07144108415,10727972,0.8408738971,,0.07696027309,0.766874373,,0.911996901,0.08800312132,0.8163589835,0.1836410314,0.5292786956,0.4066908658,0.06403042376,,,,,,0.05860304832,0.2897671461,0.2194105983,0.4908222556,,0.6462463737,0.01051252428,0.1206701249,0.006419317331,0.0818086341,0.213174656,0.09778752178,0.06078644469,0.03260899335,0.08646463603,0.05321499705,0.02594513446,0.05753169209,0.1346736103,0.08200716227,0.2824590802,0.03948291764,0.08917845041,0.2054514736,0.03005546704,46,0.1426117122,0.4114834666,2122.016846,2663.698486,,381491.2188,479465.7188,,318302.5313,389810.5625,421254.3125,,2.672368765,0.06130415201,0.1796732396,0.4950014651,0.2640211582 +Colombia,COL,Latin America and Caribbean,LCN,2005,ech,Old worker,18557642,0,0,0,0.7734143734,1,0.3474432528,0.2760021687,0.07144108415,14195950,0.7649651766,0.6061662436,,0.70364815,,0.9198434353,0.08015659451,,,0.5093827844,0.4302048981,0.06041234732,,,,,,0.07798521966,0.1938303262,0.2003677189,0.60580194,0.9270567298,,0.007639740594,0.1341355443,0.005516998935,0.05307543278,0.2408728898,0.07093577832,0.06240583211,0.0318579711,0.1997294724,0.07707153261,0.02857133932,0.07002791017,0.1661370397,0.1881773919,0.1858802736,0.05734822154,0.05846492574,0.1368448436,0.03147652,46,0.197668612,0.3631126285,2232.982666,2802.990234,,401936.875,504538.25,,329998.375,401079.3438,451920.375,1.01861918,2.672368765,0.07159327716,0.2068268359,0.4513461292,0.2702337801 +Colombia,COL,Latin America and Caribbean,LCN,2005,ech,Rural,10447976,0.3518109024,0.1830835938,0.06264524162,0,0.5855438709,0.3474432528,0.2760021687,0.07144108415,4055590,0.6629220247,0.3951804638,0.2633129656,0.6221655607,,0.9385198951,0.06148007885,0.8799756765,0.1200243533,0.4256796837,0.5221655965,0.05215469748,,,,,,0.0195712205,0.6909595132,0.08262826502,0.2264122218,0.6208487153,0.2884885967,0.01428360492,0.0465208292,0.000224104966,0.02159972675,0.1009843796,0.02170849405,0.006875529885,0.007398091257,0.08944573253,0.01640642807,0.004504431039,0.009943114594,0.0654604584,0.1131493673,0.6690952182,0.04237396643,0.0113142794,0.06486643851,0.002886303933,46,0.2706857026,0.3208281994,1808.537231,2270.197754,,325536.7188,408635.5625,,320510.875,360515.7188,353428.25,1.01861918,2.672368765,0.1117270738,0.3153934777,0.4560536742,0.1168257594 +Colombia,COL,Latin America and Caribbean,LCN,2005,ech,Total,41748459,0.3068609238,0.1847276837,0.06390056014,0.7497398257,0.6292385012,0.5892225018,0.4876702922,0.1015522096,18240747,0.6943634977,0.5560234189,0.176797986,0.6158714268,,0.8869582415,0.1130417511,0.7715418339,0.2284581959,0.5338904858,0.4154965878,0.05061296001,,,,,,0.06789398938,0.2059267908,0.1970096827,0.5970635414,0.9223403931,0.7434538007,0.007568606175,0.1334570646,0.005090798717,0.0508932136,0.2447714806,0.06926246732,0.06079139933,0.02960932441,0.1926288605,0.06883281469,0.02463003807,0.07675361633,0.1668673307,0.1875617206,0.1969686747,0.05528488383,0.05807959288,0.1364037246,0.02861760743,46,0.2126406133,0.3516709507,2196.834961,2757.615234,,395430.2813,496370.75,,320510.875,398254.8438,414260.3438,1.01861918,2.672368765,0.05757696554,0.1718800366,0.4918389916,0.2787040174 +Colombia,COL,Latin America and Caribbean,LCN,2005,ech,Urban,31300483,0.2918567955,0.1852764636,0.06431958079,1,0.6438236237,0.3474432528,0.2760021687,0.07144108415,14185157,0.7039085031,0.5997000337,0.148261413,0.6139606833,,0.8722165823,0.1277834326,0.7328159809,0.2671840191,0.5671755075,0.3826857209,0.05013872683,,,,,,0.08275987953,0.05670332909,0.2321998626,0.7110968232,0.978823483,0.9386005402,0.005502693355,0.1602035612,0.006588068325,0.05990554392,0.289008528,0.08389275521,0.07737896591,0.03644275293,0.2243738174,0.08496112376,0.0308214277,0.09730702639,0.1980638653,0.2104537338,0.05172491446,0.05925676227,0.07246635109,0.1584112644,0.0365335159,46,0.1947784126,0.3611621857,2228.218506,2797.01001,,401079.3438,503461.7813,,320863.4375,399106.375,423675.3438,1.01861918,2.672368765,0.03675959632,0.1167079955,0.5055962205,0.3409361839 +Colombia,COL,Latin America and Caribbean,LCN,2005,ech,Young worker,7712096,0,1,0,0.7519671917,1,0.3474432528,0.2760021687,0.07144108415,4044797,0.5244743824,0.431732446,0.176797986,0.4046539366,,0.7715418339,0.2284581959,0.7715418339,0.2284581959,0.637124598,0.3535405397,0.009334868751,,,,,,0.02566931397,0.2565461695,0.1829574704,0.5604963303,0.9016608,0.7434538007,0.007270932663,0.1306178421,0.003307300154,0.04176139459,0.2610857189,0.06226024404,0.05403557792,0.02019952796,0.1629152894,0.03435958922,0.008138480596,0.1048959717,0.1699230671,0.1849855632,0.2433658093,0.04665126279,0.05646723509,0.1345579326,0.01665507816,46,0.2752912045,0.3037929833,1829.844971,2296.944824,,328669.3438,413450.0938,,285861.0625,349485.0938,339665,1.01861918,2.672368765,0.02403681912,0.08825458586,0.5887358785,0.2989727259 +Colombia,COL,Latin America and Caribbean,LCN,2006,geih,Female,21447015,0.2897225618,0.1818024069,0.06969062984,0.770191431,0.6405867934,0.3593508303,0.2903308272,0.06902001798,7176462,0.5223766565,0.5223766565,0.2956498563,0.4472878873,,0.8562554717,0.1437445134,0.7142012715,0.2857987285,0.5682932138,0.4068919718,0.02481481247,0.264244169,0.2913870513,0.5303041339,0.5219629407,0.5244252682,0.08240820467,0.05293823779,0.1548165679,0.7922452092,0.9470617771,0.9356485605,0.004097508732,0.1429340541,0.002510404214,0.005274601746,0.3064059913,0.03775412589,0.06629252434,0.0298109483,0.3519816101,,,,,,,,,,,49,0.2821549177,0.304525435,2555.564941,3075.771973,2.140328884,458592.6875,553638.9375,384.0791321,343049.9063,451537.9063,464570.375,,3.054621935,0.05868586153,0.1806363314,0.4918034077,0.2688744068 +Colombia,COL,Latin America and Caribbean,LCN,2006,geih,Higher education,24881548,0.274335742,0.2567042112,0.02251089923,0.8368963003,0.7031533718,0.3593508303,0.2903308272,0.06902001798,11734094,0.6707535982,0.5679540634,0.1659455001,0.5816326737,,0.867133081,0.132866919,0.7520723343,0.2479276955,0.6147415042,0.34513399,0.04012453929,0.2326674312,0.3658874035,0.6147528291,0.6037134528,0.6112846732,0.09189481288,0.06979456544,0.2123521119,0.7178533077,0.9767071605,0.8844184279,0.009202420712,0.1515154541,0.00635242369,0.04528181255,0.2755794823,0.09211368859,0.08969454467,0.0446068421,0.2158587724,,,,,,,,,,,49,0.1769549549,0.3868749142,2761.397461,3323.503418,2.312716961,494062.5313,598230.625,413.7857361,356293.3438,468750.0313,527142.875,1.018913507,3.054621935,0,0,0.5450972319,0.4549027681 +Colombia,COL,Latin America and Caribbean,LCN,2006,geih,Lower education,17430872,0.3492674828,0.07417099178,0.1258891076,0.6329070926,0.5248433948,0.3593508303,0.2903308272,0.06902001798,6043005,0.6605475545,0.4300359488,0.3564718664,0.6105649471,,0.9243315458,0.07566847652,0.8622425199,0.137757495,0.4636187553,0.4912088811,0.04517235234,0.354688555,0.1062502041,0.2056633681,0.264737606,0.2305082828,0.008000193164,0.3684232533,0.1826172322,0.4489595294,0.8729039431,0.463457197,0.01910136268,0.09643489122,0.001412719372,0.06566824764,0.2226709127,0.0632866025,0.0237501692,0.00435336167,0.1348984838,,,,,,,,,,,49,0.2075967789,0.4234243035,1847.222168,2223.23999,1.547079802,328125,400183.2188,274.8102417,303968.2813,388154.1563,321428.5625,1.018913507,3.054621935,0.146661222,0.4360839128,0.4172548652,0 +Colombia,COL,Latin America and Caribbean,LCN,2006,geih,Male,20865405,0.3211176991,0.1812063605,0.0603777878,0.7350488305,0.6185045242,0.3593508303,0.2903308272,0.06902001798,10600637,0.8214824796,,0.09732595831,0.7451697588,,0.9071035981,0.09289640188,0.8162345886,0.1837654263,0.5566235781,0.3905349672,0.05284141749,0.2833693027,0.2626758218,0.4694294035,0.4929207861,0.4810514748,0.04876243696,0.2541665435,0.2318530381,0.5139803886,,0.6976528168,0.01822062023,0.1249834001,0.005937381648,0.08271163702,0.225114122,0.1101117209,0.06632301211,0.03066716716,0.08176439255,,,,,,,,,,,49,0.1278557926,0.4608382583,2395.833252,2883.525635,2.006550789,428961.0625,519034.5938,359.262146,311584.5313,444981.25,488595.875,,3.054621935,0.06724683195,0.1934787929,0.4887339175,0.2505404651 +Colombia,COL,Latin America and Caribbean,LCN,2006,geih,Old worker,18963959,0,0,0,0.7792137861,1,0.3593508303,0.2903308272,0.06902001798,14071766,0.7420691848,0.578248024,,0.6796475649,,0.9158816934,0.08411829919,,,0.5369493961,0.4135120809,0.04953854531,0.237339586,0.2881962955,0.5355624557,0.546259582,0.5483855605,0.07026052475,0.16707322,0.2016190886,0.6313077211,0.9494463801,,0.01217837725,0.1317367703,0.004840352107,0.05286357924,0.2523643672,0.0813549459,0.0688251704,0.03274709731,0.1960161179,,,,,,,,,,,49,0.1775683463,0.4058457613,2593.229248,3121.103271,2.171873331,463977.25,561798.625,388.5888062,328092.75,461906.2188,516359.7188,1.018913507,3.054621935,0.07825935632,0.2290078551,0.4397955537,0.2529372275 +Colombia,COL,Latin America and Caribbean,LCN,2006,geih,Rural,10457021,0.3591332436,0.1762084067,0.06425931305,0,0.5766074061,0.3593508303,0.2903308272,0.06902001798,3735317,0.6194970608,0.3375939727,0.2813376784,0.5701541305,,0.9203500152,0.07964999974,0.8422495723,0.1577504277,0.4967044592,0.4547067583,0.04858879,0.3896397054,0.1044860408,0.192909807,0.2371832579,0.2114563733,0.02273518592,0.6345995069,0.1023792922,0.2630211711,0.6942202449,0.3399367034,0.02786081098,0.04473322257,0.00240235636,0.0273829028,0.1262045205,0.03415458277,0.008581384085,0.01043506246,0.0836456269,,,,,,,,,,,49,0.223875016,0.3680308461,1916.810425,2306.993652,1.605361104,341575.625,415258.875,286.0753784,311584.5313,431282.3125,393711.2813,1.018913507,3.054621935,0.1231343672,0.3155687451,0.4526916742,0.1086052209 +Colombia,COL,Latin America and Caribbean,LCN,2006,geih,Total,42312420,0.3052043617,0.1815084815,0.06509821117,0.7528616786,0.6296974421,0.5880642799,0.4846841376,0.1033801423,17777099,0.6672077726,0.5223766565,0.1980211437,0.5915308336,,0.8865766525,0.11342334,0.7752847075,0.2247152925,0.5611736178,0.3969125748,0.04191381857,0.5018577982,0.4981421476,0.4934435189,0.5043964982,0.4981421828,0.06185920164,0.1756862402,0.2018083334,0.6225054264,0.9470617771,0.785669446,0.01271251775,0.1319842637,0.004600838758,0.05251070485,0.2568184733,0.08189180493,0.06631112099,0.03033323586,0.1871508211,,,,,,,,,,,49,0.1879364103,0.3999735415,2464.470703,2966.134766,2.064035892,441940.4688,533904.25,370.1326294,312653.0625,448366.7813,474062.5,1.018913507,3.054621935,0.0628528744,0.1868873388,0.4903093278,0.259950459 +Colombia,COL,Latin America and Caribbean,LCN,2006,geih,Urban,31855399,0.2875013649,0.1832483113,0.06537359953,1,0.6471250057,0.3593508303,0.2903308272,0.06902001798,14041782,0.6812173724,0.5707316995,0.1717193872,0.5978311896,,0.8775924444,0.1224075407,0.7532297969,0.2467702031,0.5791731477,0.3807766438,0.04005018994,0.2441856861,0.3211237788,0.5663254857,0.5682942271,0.5680495501,0.07291634381,0.04764388502,0.2295502275,0.7228058577,0.9860733151,0.9501253963,0.008485960774,0.1563283652,0.005214241799,0.05952166393,0.2932613194,0.09521106631,0.08241841942,0.03588506579,0.2160300165,,,,,,,,,,,49,0.1777688712,0.4090105891,2569.587158,3092.648438,2.152072668,460656.25,556676.75,385.8074036,327857.125,450000,482142.875,1.018913507,3.054621935,0.04055512324,0.1392888874,0.5042238832,0.3159320951 +Colombia,COL,Latin America and Caribbean,LCN,2006,geih,Young worker,7680063,0,1,0,0.7600781322,1,0.3593508303,0.2903308272,0.06902001798,3705333,0.4824967682,0.3813917935,0.1980211437,0.3740723729,,0.7752847075,0.2247152925,0.7752847075,0.2247152925,0.6703001261,0.322134316,0.007565546315,0.4489676654,0.2095956802,0.3416243196,0.3533567786,0.318261981,0.02421077155,0.214330554,0.2026574165,0.5830120444,0.9356485605,0.785669446,0.01510906778,0.1330946982,0.003526204498,0.05092744157,0.2768028677,0.08430054784,0.05503123626,0.01950288005,0.1473744959,,,,,,,,,,,49,0.2343523204,0.3736847043,2057.291748,2476.071045,1.72301662,364196.875,445692.8125,305.0210571,283703.7188,384375.0313,382500,1.018913507,3.054621935,0.02477261797,0.08277791739,0.6151644588,0.2772850096 +Colombia,COL,Latin America and Caribbean,LCN,2007,geih,Female,21631817,0.2864380777,0.1814909428,0.06961569935,0.7719605565,0.6439462304,0.3576002717,0.2870490253,0.07055125386,7448051,0.5346875191,0.5346875191,0.2796092331,0.4607767165,,0.8617682457,0.1382317394,0.72739923,0.27260077,0.5661127567,0.4059906602,0.02789659239,0.2567596138,0.3044845164,0.5560121536,0.5454803109,0.542517066,0.07616506517,0.05729873106,0.1570012271,0.7857000232,0.9427012801,0.928406477,0.002932742937,0.1464657784,0.001971118851,0.005631589796,0.2968067527,0.04217112064,0.07659311593,0.02935378067,0.3407752812,,,,,,,,,,,48,0.273780942,0.2935652137,2807.157715,3201.116455,2.351042032,502702.6875,576200.9375,421.0220032,318327.4688,501718.75,510354.8438,,3.015064955,0.05463795736,0.1823572367,0.487541914,0.2754628956 +Colombia,COL,Latin America and Caribbean,LCN,2007,geih,Higher education,25350505,0.2723535001,0.2568335831,0.02191542089,0.8416032195,0.7057310939,0.3576002717,0.2870490253,0.07055125386,12154156,0.6793584228,0.5838870406,0.1489839852,0.5935097337,,0.8736326694,0.1263673156,0.7649540305,0.2350459993,0.6110997796,0.346422255,0.04247796163,0.2216222137,0.3844999969,0.642387867,0.6351278424,0.6343604922,0.08802866936,0.06647639722,0.2170241326,0.7164994478,0.9754174948,0.882802248,0.007067872677,0.1562792063,0.005866520572,0.04781053588,0.2665281892,0.09699753672,0.09461113811,0.04382129759,0.214541316,,,,,,,,,,,48,0.1676859111,0.3702973425,3073.657471,3505.01709,2.574240208,549087.6875,630903.125,459.8702393,398647.5625,522691.25,581120.5,1.013140202,3.015064955,0,0,0.5374519229,0.4625480473 +Colombia,COL,Latin America and Caribbean,LCN,2007,geih,Lower education,17326399,0.3425182104,0.07402525097,0.1292462498,0.6274995208,0.5282355547,0.3576002717,0.2870490253,0.07055125386,6097853,0.6662558317,0.4339504242,0.358687222,0.6188055277,,0.9287806749,0.07121933252,0.8643621802,0.13563779,0.4541260302,0.5018984675,0.0439754948,0.35106951,0.1002959609,0.1985598505,0.2498626113,0.2222056687,0.007131723221,0.3741536438,0.1812914461,0.444554925,0.8577881455,0.4437375069,0.01737740636,0.0969145596,0.0017123,0.06528718024,0.2192445397,0.06193395704,0.02576753683,0.00402528327,0.1335836053,,,,,,,,,,,48,0.2003716379,0.4149873555,1997.658081,2278.010986,1.673072457,355918.5,410041.9688,298.0877686,322857.3438,426619.875,355867.3438,1.013140202,3.015064955,0.1385960281,0.440228492,0.4211754799,0 +Colombia,COL,Latin America and Caribbean,LCN,2007,geih,Male,21045087,0.3156428039,0.1837708205,0.06125063822,0.7369160652,0.6231065989,0.3576002717,0.2870490253,0.07055125386,10803958,0.8238911629,,0.08592768759,0.7521613836,,0.91293782,0.08706216514,0.8244962692,0.1755037159,0.5502022505,0.3969675899,0.05283019692,0.2730859518,0.2733784318,0.4898014069,0.5125008821,0.5002676249,0.04929748923,0.2491139323,0.2355557531,0.5153303146,,0.6975866556,0.01567775384,0.1285766363,0.006015422288,0.08528594673,0.2196797729,0.1125326678,0.06680347025,0.03038276173,0.08593163639,,,,,,,,,,,48,0.1173945218,0.4459112287,2656.567871,3029.392822,2.224920511,475198.375,545290.6875,397.9866638,338493.0313,495753.25,546811.125,,3.015064955,0.06307707727,0.1911715418,0.4887769222,0.2569744587 +Colombia,COL,Latin America and Caribbean,LCN,2007,geih,Old worker,19249607,0,0,0,0.7824314833,1,0.3576002717,0.2870490253,0.07055125386,14483844,0.7524228692,0.5925042033,,0.6921004653,,0.9198291302,0.08017084748,,,0.5336716771,0.4154563248,0.05087199807,0.2298406959,0.2992233038,0.5568662286,0.5683000088,0.5655710697,0.06851806492,0.1640359163,0.2044373006,0.6315267682,0.945674181,,0.01060334686,0.1350464523,0.00478241127,0.05400509015,0.2475613803,0.08422129601,0.07295741886,0.03258833289,0.1941983551,,,,,,,,,,,48,0.1671906859,0.3943497837,2876.122314,3279.759521,2.408801079,515616.3125,590356.6875,431.8373718,347266.25,523538.5625,570921.8125,1.013140202,3.015064955,0.07365849614,0.2268874496,0.4383553863,0.2610986531 +Colombia,COL,Latin America and Caribbean,LCN,2007,geih,Rural,10469531,0.3537069559,0.181395039,0.06486976147,0,0.5814232826,0.3576002717,0.2870490253,0.07055125386,3790980,0.6227759719,0.3459562361,0.2721790671,0.5774053931,,0.9271478653,0.07285214216,0.8540683389,0.1459316462,0.5027024746,0.4524786472,0.044818867,0.3968884051,0.1034966707,0.1967608482,0.2293441892,0.206834048,0.02248407342,0.6476953626,0.1015535519,0.2507511079,0.6561539769,0.3117619455,0.02122407034,0.0495602116,0.002610454801,0.02815881185,0.1099621654,0.03496603295,0.01044181921,0.008305862546,0.08707521856,,,,,,,,,,,48,0.2282058299,0.3537494242,2070.155273,2360.682617,1.73379004,369557,424922.875,309.5102234,341124.875,470654.3438,424192.8438,1.013140202,3.015064955,0.1132431328,0.3293536603,0.4486285448,0.1087746695 +Colombia,COL,Latin America and Caribbean,LCN,2007,geih,Total,42676904,0.3008396626,0.1826152205,0.0654906705,0.754679203,0.6336696744,0.5781093018,0.4747578663,0.1033514355,18252009,0.6749239581,0.5346875191,0.183495447,0.602070763,,0.8920571804,0.1079428047,0.7853090167,0.2146909684,0.5564756393,0.4005253017,0.04299907759,0.4828071747,0.5171928793,0.5163630843,0.525731802,0.5171928406,0.05988900736,0.1735101491,0.204593569,0.6218962669,0.9427012801,0.7838100791,0.01065432001,0.1356276274,0.00442136405,0.05389025435,0.250079304,0.08479972929,0.07066205144,0.02997719124,0.1863780171,,,,,,,,,,,48,0.1790558249,0.3858430088,2718.00415,3099.450928,2.27637434,487539.4375,557901.1875,408.3225098,337926.375,497585.1875,526512.1875,1.013140202,3.015064955,0.05876967683,0.1866726428,0.4881465733,0.2664111257 +Colombia,COL,Latin America and Caribbean,LCN,2007,geih,Urban,32207373,0.2836543024,0.1830118597,0.06569250673,1,0.6506531835,0.3576002717,0.2870490253,0.07055125386,14461029,0.6900718808,0.5838506818,0.154922083,0.6092355847,,0.8828581572,0.1171418726,0.7628632784,0.2371366918,0.5712727904,0.3862288892,0.04249830917,0.2307948917,0.3357855976,0.5936723948,0.5975133181,0.5926529169,0.07018668205,0.04292919114,0.232968688,0.7241021395,0.9867504835,0.9565286636,0.007743625436,0.1593288332,0.004920051433,0.06097617,0.2886646986,0.09852291644,0.08724547178,0.03594503179,0.2137239873,,,,,,,,,,,48,0.1655221134,0.3946801424,2869.455078,3272.156738,2.403217077,513450.0625,588988.1875,430.0231018,318254.1875,500749.9688,533906.25,1.013140202,3.015064955,0.0383708179,0.1332423985,0.5029450059,0.3254417777 +Colombia,COL,Latin America and Caribbean,LCN,2007,geih,Young worker,7793452,0,1,0,0.7563183904,1,0.3576002717,0.2870490253,0.07055125386,3768165,0.4835039675,0.3873652816,0.183495447,0.3797000349,,0.7853090167,0.2146909684,0.7853090167,0.2146909684,0.6593911052,0.3331407905,0.007468120661,0.4323706627,0.2244903445,0.368399322,0.370265007,0.3417623341,0.02103965543,0.216189906,0.2052974999,0.578512609,0.928406477,0.7838100791,0.01088394411,0.1382457167,0.002794910222,0.05337293819,0.2614220381,0.08740548044,0.06032181531,0.01821445115,0.1511487812,,,,,,,,,,,48,0.2324699461,0.3475474119,2255.821533,2572.405273,1.889288664,401526.6875,463032.9375,336.2854004,302696.875,428721.3125,416666.625,1.013140202,3.015064955,0.02148599736,0.08596915752,0.6128305793,0.2797142565 +Colombia,COL,Latin America and Caribbean,LCN,2008,geih,Female,21894505,0.2827206254,0.1799983084,0.07237742841,0.7738152742,0.6449019313,0.3534620702,0.2796966434,0.07376543432,7741458,0.5482693315,0.5482693315,0.260394752,0.4656718671,0.05396765098,0.8493487835,0.1506512016,0.7039020061,0.296097964,0.5285553336,0.4445252717,0.02654843964,0.6457890868,0.3329040408,0.3301771283,0.2914815545,0.3411141634,0.06942881644,0.0556278117,0.1545058042,0.7898663878,0.9443721771,0.9359459877,0.003136237618,0.1444687098,0.002350524999,0.004550335929,0.3073577583,0.04128828645,0.09071790427,0.02826581709,0.3222366273,0.09207110107,0.02546000108,0.1342218667,0.2353632748,0.3195995092,0.04739248753,0.08020366728,0.01000898425,0.02911992185,0.02655919082,48,0.2758660018,0.2657192349,2857.780518,3045.734131,,514400.5,548232.125,,424369.375,504969.1875,521690.6875,,2.946007013,0.05531024188,0.2647686303,0.5363659263,0.1435551941 +Colombia,COL,Latin America and Caribbean,LCN,2008,geih,Higher education,23910779,0.208040908,0.2776045799,0.02523627505,0.8546812534,0.7667227983,0.3534620702,0.2796966434,0.07376543432,12590075,0.6867461205,0.5918781757,0.1367941052,0.5958418846,0.05015245453,0.8676304817,0.1323695034,0.7536582351,0.2463417947,0.5692491531,0.3829928935,0.04720215872,0.5570725203,0.4237443209,0.4085714817,0.3825572431,0.4322479367,0.07967935503,0.06788091362,0.213237375,0.7188817263,0.9757349491,0.8861849308,0.008492498659,0.1530645192,0.005841800012,0.04583855718,0.2743416131,0.09594062716,0.1012133211,0.04234232008,0.2050438374,0.1005546227,0.03820116445,0.1318049878,0.1919524074,0.1682101339,0.06200969592,0.05347789079,0.06431618333,0.1404440701,0.04902886227,48,0.1669387817,0.3415767252,3099.181152,3303.011475,,557852.625,594542.0625,,421586.9375,534413,587557.25,0.9999662638,2.946007013,0,0,0.7604461312,0.2395538688 +Colombia,COL,Latin America and Caribbean,LCN,2008,geih,Lower education,19287028,0.407841742,0.06209868193,0.1201384664,0.6358499527,0.4720197916,0.3534620702,0.2796966434,0.07376543432,6177148,0.6785197258,0.4569805861,0.3446216583,0.6237894297,0.05833815038,0.9193386436,0.0806613341,0.8489308357,0.1510691792,0.3960487843,0.5610778332,0.04268243909,0.843090117,0.1163887456,0.09681396931,0.107948795,0.1215634495,0.00655182451,0.3602604866,0.1857153028,0.4540242255,0.8619819283,0.4919319749,0.01749681495,0.1010996923,0.001794292592,0.0653245002,0.2244645059,0.06630951911,0.03797001764,0.004312719684,0.1209674478,0.002880487125,0.005709816702,0.01571141742,0.1494925767,0.1938202679,0.3490650654,0.06918266416,0.05027034506,0.1621714979,0.001695849933,48,0.186473757,0.4050796628,2159.398193,2301.419678,,388691.6875,414255.5625,,364694,438862.125,380150.125,0.9999662638,2.946007013,0.1395477504,0.6403949261,0.2200573385,0 +Colombia,COL,Latin America and Caribbean,LCN,2008,geih,Male,21303302,0.312179178,0.1828104854,0.06270694733,0.7396716475,0.6251139045,0.3534620702,0.2796966434,0.07376543432,11025765,0.8279472589,,0.07563243061,0.7529649138,0.05228664353,0.9094358683,0.09056414664,0.8188478351,0.18115215,0.4994419813,0.441732049,0.05835155398,0.6608833075,0.3092414737,0.2834143639,0.2893461883,0.3185109198,0.04561711848,0.2393564433,0.2367603034,0.5238832831,,0.7265763879,0.01707109623,0.1297238022,0.005892762914,0.08407264203,0.2246061414,0.1155833527,0.07282921672,0.03041764162,0.08044689894,0.05161086097,0.02848709375,0.06535543501,0.1394937187,0.08228634298,0.2320352495,0.04455633089,0.09242509305,0.2262846678,0.0374651961,48,0.1057341099,0.4272717237,2752.166992,2933.174316,,495390.0625,527971.375,,377829.1875,508744.5,552752.875,,2.946007013,0.06148454919,0.2707646191,0.5326505303,0.1351002902 +Colombia,COL,Latin America and Caribbean,LCN,2008,geih,Old worker,19601358,0,0,0,0.782915473,1,0.3534620702,0.2796966434,0.07376543432,14980686,0.7642677426,0.608689487,,0.6978852749,0.05782835931,0.9131423831,0.08685763925,,,0.4918291271,0.4541858733,0.05378129706,0.6358869076,0.3361848891,0.3113165796,0.3024328649,0.3464141786,0.06307482719,0.1600577384,0.2029209137,0.6370213628,0.9460398555,,0.01109215803,0.1338605881,0.00494169537,0.05302646384,0.2531101108,0.08466016501,0.08296693861,0.03175377473,0.1845303774,0.07475993782,0.0311457701,0.08461912721,0.1784371734,0.1784534901,0.1527131498,0.05983867124,0.05904380605,0.1453789622,0.03560991958,48,0.1625583768,0.3716055751,2950.61792,3144.677246,,531111.25,566041.9375,,393999.0938,532154.125,581797.625,0.9999662638,2.946007013,0.07326001674,0.3245467544,0.4631487429,0.1390444785 +Colombia,COL,Latin America and Caribbean,LCN,2008,geih,Rural,10498056,0.3484908938,0.1777259558,0.06845553219,0,0.5830535889,0.3534620702,0.2796966434,0.07376543432,3875188,0.6331045628,0.3677488565,0.2448797524,0.5788199902,0.07178747654,0.9142565727,0.08574344963,0.8283060789,0.1716938913,0.4379773736,0.5206195116,0.04067078978,0.8201399446,0.10373009,0.09629835933,0.0930743441,0.1118870452,0.0181893874,0.6478586793,0.1058827117,0.2462585866,0.6653115749,0.3330995142,0.02691714652,0.05115837976,0.002381573198,0.02542561293,0.1144729108,0.03431167454,0.01394660026,0.005142282695,0.07838511467,0.0159308631,0.003866622457,0.0155304363,0.07655169815,0.1062855273,0.62533319,0.0515441075,0.01778896153,0.0829371959,0.004231421277,48,0.2096624076,0.3557475507,2252.610352,2400.762451,,405469.875,432137.25,,378477,494796.5,452605.8125,0.9999662638,2.946007013,0.1161863357,0.4261213541,0.3993510008,0.05834129825 +Colombia,COL,Latin America and Caribbean,LCN,2008,geih,Total,43197807,0.2972483039,0.1813851595,0.06760836393,0.7569770813,0.6351433396,0.5744477586,0.4680019223,0.1064458363,18767223,0.6840164818,0.5482693315,0.1685619205,0.6051151752,0.05295238644,0.884649992,0.1153499931,0.7719256282,0.2280743569,0.511038959,0.4428446889,0.04568314552,0.6727202674,0.3272797326,0.3019342124,0.290197134,0.3275102675,0.05510223657,0.1661519855,0.2039869875,0.6298610568,0.9443721771,0.8051836491,0.01151891984,0.135598734,0.004481401294,0.0523879379,0.2575775385,0.08598137647,0.07995674759,0.02956027351,0.1767850965,0.06772773713,0.02728128619,0.0927875936,0.1776822656,0.1768173277,0.1584849209,0.05875604227,0.05959557742,0.1477463394,0.03312091157,48,0.1735042185,0.3629191518,2791.455566,2975.046875,,502462,535508.4375,,379326.75,507479.0938,536684.75,0.9999662638,2.946007013,0.05833566189,0.2677066624,0.5345454216,0.139412269 +Colombia,COL,Latin America and Caribbean,LCN,2008,geih,Urban,32699751,0.2807971835,0.1825599223,0.06733638793,1,0.651866436,0.3534620702,0.2796966434,0.07376543432,14892035,0.698636055,0.5946478248,0.1447093189,0.6126659513,0.04784261435,0.8769458532,0.1230541691,0.7539856434,0.2460143864,0.5294113755,0.4232870936,0.04694357514,0.6100788713,0.3769083023,0.3577212095,0.3397671878,0.3822658956,0.06438450515,0.04505255818,0.2286500782,0.7262973785,0.9842076898,0.9580770135,0.007647858001,0.1568267494,0.005009290762,0.05916617438,0.2935535312,0.09897096455,0.09655147791,0.03569887206,0.2015225142,0.08075281233,0.03316924348,0.1122150272,0.2031130046,0.1945535839,0.0410891436,0.06056958809,0.0701084584,0.1640435457,0.04038559645,48,0.1644117087,0.3647225499,2908.333984,3099.612305,,523500.125,557930.1875,,383308.7813,508450.1563,541535.4375,0.9999662638,2.946007013,0.03664652258,0.2083144635,0.5852319002,0.1698070765 +Colombia,COL,Latin America and Caribbean,LCN,2008,geih,Young worker,7835441,0,1,0,0.7618797421,1,0.3534620702,0.2796966434,0.07376543432,3786537,0.4832576811,0.3922147155,0.1685619205,0.3730389774,0.03013248742,0.7719256282,0.2280743569,0.7719256282,0.2280743569,0.601334393,0.3895356357,0.007617956027,0.7439133525,0.2363738418,0.2580240667,0.2326613814,0.239779979,0.01762722619,0.194816336,0.2090013176,0.5961823463,0.9359459877,0.8051836491,0.01352619939,0.1437740922,0.002316400409,0.04938462377,0.2785901427,0.09219574183,0.06579828262,0.01924310811,0.1403550655,0.03467302024,0.009116364643,0.1311832964,0.1741338223,0.1691265702,0.1856150031,0.05366715789,0.06218918413,0.1588741988,0.0214213822,48,0.2249548435,0.3220887482,2350.279297,2504.85498,,423050.2813,450873.9063,,331601.8438,446502.6875,434532.3125,0.9999662638,2.946007013,0.02089162357,0.125099346,0.7136739492,0.1403350532 +Colombia,COL,Latin America and Caribbean,LCN,2009,geih,Female,22152407,0.2794041336,0.1780983955,0.07167853415,0.7759034634,0.6489173174,0.3538509309,0.2868487537,0.06700218469,8405603,0.5847343206,0.5847343206,0.2401766926,0.4901072979,0.06694730371,0.8381709456,0.1618290842,0.6915023923,0.3084976077,0.5005874634,0.4717796147,0.02635305189,0.6661839485,0.3217003942,0.3214918673,0.2803794444,0.3258907795,0.06012860686,0.05826372281,0.1572585255,0.7844777703,0.9417362809,0.935905695,0.004478449468,0.1465425938,0.002572442405,0.003665038152,0.3111861348,0.0408006534,0.09456533939,0.03115488216,0.3067707419,0.07924026996,0.02215395868,0.1312933117,0.2374516875,0.3275949359,0.05193254352,0.08670663089,0.01032385696,0.02913432568,0.02416848578,47,0.2977666557,0.2550288737,3043.458984,3112.795654,2.548948288,547822.625,560303.25,458.8106995,490664.1563,538715.0625,554039,,3.012580156,0.05694519356,0.1775626987,0.4801728427,0.2853192687 +Colombia,COL,Latin America and Caribbean,LCN,2009,geih,Higher education,24152894,0.2073981762,0.2772091329,0.02363368869,0.8534197211,0.7689681649,0.3538509309,0.2868487537,0.06700218469,13204192,0.7109422088,0.6245667934,0.1280814558,0.6101629734,0.06110397354,0.858245492,0.1417545229,0.7436467409,0.2563532591,0.5541744232,0.3965714276,0.04821336642,0.5672091246,0.4201328158,0.4084793627,0.3799103498,0.4254327416,0.07098781317,0.06985314935,0.210544005,0.7196028233,0.9737218022,0.8792145252,0.007523788139,0.1505825371,0.005923293997,0.0465143919,0.2781375349,0.09734707326,0.09846323729,0.04469548538,0.2009595037,0.08988101035,0.03163820505,0.1326277703,0.194516927,0.1796366274,0.06631115079,0.05380836874,0.06127516553,0.1448238194,0.04548094422,47,0.1798193753,0.3305182755,3311.480957,3386.923828,2.773421288,596066.5625,609646.3125,499.2158203,450653.3438,568510.375,622913,0.9966815114,3.012580156,0,0,0.5241189599,0.4758810103 +Colombia,COL,Latin America and Caribbean,LCN,2009,geih,Lower education,19553918,0.3988302946,0.06144599617,0.1208415106,0.6427474618,0.4803282022,0.3538509309,0.2868487537,0.06700218469,6688973,0.7121763825,0.5013886094,0.2992018461,0.649959147,0.07980296761,0.9126378298,0.08736214042,0.8539227843,0.1460772306,0.3681355417,0.5832077861,0.04781664908,0.8745495677,0.1167252287,0.09792884439,0.1025605127,0.1174361855,0.004456140567,0.3685091138,0.1845917702,0.446899116,0.8622555733,0.4525872171,0.01511494536,0.09954317659,0.001844521263,0.06808912754,0.2194823027,0.06376333535,0.04235990718,0.004162219353,0.1171313673,0.002830647631,0.005313361529,0.01456292905,0.1465751231,0.1887468696,0.3651869595,0.06940787286,0.04381590337,0.1622398496,0.001320477459,47,0.1991753727,0.3865309954,2322.430908,2375.341064,1.945075154,418037.5625,427561.375,350.1135254,400649.3438,464964.6875,405385.0938,0.9966815114,3.012580156,0.1426031142,0.4319255948,0.425471276,0 +Colombia,COL,Latin America and Caribbean,LCN,2009,geih,Male,21554405,0.3070596159,0.1833316684,0.06244176254,0.7419670224,0.6304986477,0.3538509309,0.2868487537,0.06700218469,11487562,0.8452937603,,0.0681950748,0.7646577358,0.068127051,0.9046058655,0.09539413452,0.8155763149,0.1844237,0.4812165797,0.4552215338,0.06280107796,0.6806536317,0.3086309433,0.2850235105,0.2843844295,0.3115277886,0.03926608339,0.253226608,0.2314348072,0.5153385997,,0.7018011212,0.01405050233,0.1233281866,0.00579910446,0.0882570222,0.2212512493,0.1159648523,0.06813656539,0.03005937114,0.07992655039,0.04595747218,0.02260377444,0.06417535245,0.1372448057,0.08467629552,0.2516340017,0.04066806659,0.08556248248,0.2334895432,0.03398822621,47,0.1112246513,0.4146029353,2931.99585,2998.793213,2.455596209,527759.25,539782.75,442.0072937,407060.6875,536538.125,583442.25,,3.012580156,0.06308337301,0.1858372837,0.4851683378,0.2659109831 +Colombia,COL,Latin America and Caribbean,LCN,2009,geih,Old worker,20068191,0,0,0,0.7858232856,1,0.3538509309,0.2868487537,0.06700218469,15775748,0.7861071229,0.643545568,,0.7120277286,0.07337231934,0.9057642221,0.09423578531,,,0.471365124,0.4712197483,0.0568062067,0.6535605788,0.3327682316,0.3111210167,0.2967429161,0.3377223909,0.05481895804,0.1663643867,0.2021736652,0.6314619184,0.9428983927,,0.009738367982,0.1326093227,0.00485013565,0.05497584119,0.2541300058,0.08443597704,0.08158946782,0.03287963197,0.1784268469,0.06539785117,0.02567074075,0.08291665465,0.1786815524,0.1855972409,0.1634004712,0.0609482415,0.05490272865,0.1497256458,0.03275886923,47,0.1707542539,0.3605932593,3147.776855,3219.490234,2.636316299,566599.875,579508.25,474.5369873,427658.6875,562625.0625,612196.6875,0.9966815114,3.012580156,0.07507966459,0.2213008255,0.4330390394,0.2705804706 +Colombia,COL,Latin America and Caribbean,LCN,2009,geih,Rural,10526025,0.3435515165,0.1790148765,0.06909911335,0,0.5873493552,0.3538509309,0.2868487537,0.06700218469,4135460,0.6689026952,0.4206830859,0.2168931365,0.6126787066,0.1114558652,0.9159460068,0.08405400813,0.848921299,0.1510787159,0.3854149282,0.5638904572,0.04983687401,0.8891946077,0.1069469899,0.09911182523,0.08595391363,0.1069051176,0.01704235002,0.6365671158,0.1125573143,0.2508755922,0.673378408,0.3487015069,0.0221883785,0.06156304851,0.0016587344,0.02714715153,0.1152903587,0.03216032684,0.01403414458,0.006220319774,0.08317043632,0.01514444314,0.003578011645,0.01758909598,0.07528370619,0.1047681794,0.6306878328,0.05357988551,0.01806218736,0.07834427804,0.002962360159,47,0.228935197,0.3180346191,2424.338379,2479.570068,2.030424356,436380.875,446322.625,365.4763489,405105.75,521797,505126.5625,0.9966815114,3.012580156,0.1145039573,0.3221424222,0.4441409111,0.1192127019 +Colombia,COL,Latin America and Caribbean,LCN,2009,geih,Total,43706812,0.2930426598,0.1806792319,0.06712333858,0.7591674328,0.6398339868,0.5629053876,0.4579979586,0.1049074291,19893165,0.7113567381,0.5847343206,0.154117316,0.6235288229,0.0676503852,0.8765346408,0.1234653741,0.7645424008,0.2354575694,0.4890432656,0.4619117379,0.04807448015,0.6825067403,0.3174932597,0.2997584045,0.2827661335,0.3173261583,0.04769545794,0.1744322479,0.2014564276,0.6241113544,0.9417362809,0.7889301181,0.01018195134,0.1327102929,0.004495047033,0.05406912416,0.2575984895,0.08558719605,0.07881776989,0.0305021219,0.1716057509,0.05940518156,0.02242202871,0.09129395336,0.1777327806,0.182826072,0.170945853,0.05926966667,0.05516277626,0.1509210765,0.03002062067,47,0.1865957975,0.3501280248,2975.139893,3042.920166,2.491729975,535525.1875,547725.625,448.5114136,411424.0625,537352.4375,567727.5625,0.9966815114,3.012580156,0.05996956304,0.181639716,0.4826341867,0.2757565379 +Colombia,COL,Latin America and Caribbean,LCN,2009,geih,Urban,33180787,0.2770196199,0.1812072098,0.06649655104,1,0.656483829,0.3538509309,0.2868487537,0.06700218469,15757705,0.7234062552,0.6264480352,0.1344437152,0.6266083121,0.05549369752,0.8661915064,0.1338085085,0.7372421026,0.2627578676,0.517801702,0.4336110651,0.04758538678,0.6153114438,0.3713473976,0.3554396331,0.3374005854,0.3762824535,0.05620216206,0.04611421376,0.2261404693,0.7277452946,0.9870071411,0.9530276656,0.00684820395,0.1524652988,0.005282588303,0.06154437736,0.2971122861,0.1004218981,0.09680582583,0.03724429756,0.1961610317,0.07168821245,0.02765153162,0.1117481664,0.2061639577,0.2044883221,0.04336044937,0.06084866449,0.06545875967,0.171062246,0.0375296995,47,0.1748459786,0.3590344191,3089.520264,3159.90625,2.587525368,556113.625,568783.125,465.7545776,432307,538458,572082.5,0.9966815114,3.012580156,0.04010052979,0.1304490268,0.4966588318,0.3327916265 +Colombia,COL,Latin America and Caribbean,LCN,2009,geih,Young worker,7896913,0,1,0,0.7613858581,1,0.3538509309,0.2868487537,0.06700218469,4117417,0.5213957429,0.4292615354,0.154117316,0.3986291885,0.04167741537,0.7645424008,0.2354575694,0.7645424008,0.2354575694,0.5692878366,0.4196608067,0.008439487778,0.7712497711,0.2283175737,0.2481816709,0.2193329334,0.2259699255,0.01536052115,0.211069867,0.1981993169,0.5907308459,0.935905695,0.7889301181,0.01219634712,0.1331688762,0.002882524393,0.04995156452,0.2733494341,0.09081510454,0.06623096019,0.01970541291,0.1406299174,0.03220328316,0.00767549593,0.1293201298,0.1734261066,0.1702472121,0.2051957846,0.05165028572,0.0563431941,0.1563473195,0.01759118587,47,0.2585036457,0.3026242554,2492.503418,2549.288086,2.087513685,448650.625,458871.8438,375.7524719,366759.625,472571.875,466808.9063,0.9966815114,3.012580156,0.02121354081,0.079912588,0.6098412275,0.2890326679 +Colombia,COL,Latin America and Caribbean,LCN,2010,geih,Female,22407029,0.2735663354,0.1787053496,0.07359869033,0.7778032422,0.6528349519,0.3484132588,0.2786493301,0.0697639063,8857236,0.605494976,0.605494976,0.2291292101,0.5085229874,0.07435189188,0.8398467898,0.16015324,0.6952570677,0.3047429323,0.4895824194,0.4804043472,0.02842921577,0.6737744212,0.3136619925,0.3168741763,0.2824512124,0.3171276152,0.05203797668,0.06206072122,0.1556621045,0.7822771668,0.9379392862,0.9294838309,0.0051238616,0.1432253867,0.002663870109,0.004648996517,0.3173272014,0.04038786516,0.09329207242,0.02827174775,0.3029982746,0.08065216988,0.02354665473,0.1247592196,0.2369883209,0.3251217604,0.05343458802,0.08943392336,0.009226989001,0.03042660095,0.02640978247,47,0.3108874559,0.2572337389,3195.571777,3195.571777,2.676345348,575202.9375,575202.9375,481.7421875,479814.1875,566896.4375,581056.875,,3.125725985,0.05590839684,0.1733725667,0.4804586172,0.2902604043 +Colombia,COL,Latin America and Caribbean,LCN,2010,geih,Higher education,24923968,0.1998445839,0.2787158787,0.02541100234,0.8516050577,0.7747443914,0.3484132588,0.2786493301,0.0697639063,13961283,0.7230189443,0.640675962,0.1207303181,0.6228498816,0.06816510856,0.8614571691,0.1385428607,0.7488461137,0.2511538863,0.5461152792,0.4060818851,0.0464794077,0.5706024766,0.4163993001,0.405744493,0.3853268027,0.4213860035,0.06456530839,0.07205198705,0.211322695,0.7166253328,0.9739443064,0.8647915721,0.008749085478,0.1466338933,0.0068756002,0.04906411469,0.2791007757,0.09609878808,0.09657298028,0.04282606766,0.2020267099,0.09168992192,0.03430442885,0.1242459565,0.1927544624,0.1808927059,0.06792964041,0.05532596633,0.05399679393,0.1460240334,0.05283607915,47,0.1918581575,0.3332034945,3460.3125,3460.3125,2.898070335,622856.25,622856.25,521.6526489,485208.625,601965.625,650025.875,0.9841342568,3.125725985,0,0,0.5231186152,0.4768814147 +Colombia,COL,Latin America and Caribbean,LCN,2010,geih,Lower education,19291419,0.3993252218,0.05655348673,0.1238521114,0.6443199515,0.4768226743,0.3484132588,0.2786493301,0.0697639063,6686968,0.7269560695,0.5277738571,0.303570956,0.6654707789,0.0873747617,0.9154208899,0.08457913995,0.8582952023,0.1417047679,0.3536698222,0.5941874385,0.05138620362,0.8747495413,0.1166021153,0.0970582664,0.1062668711,0.1170664653,0.003446276067,0.3725080788,0.1822196394,0.4452722669,0.84558779,0.4542396963,0.01654747315,0.09459367394,0.002050496871,0.069028005,0.2241829187,0.06723932922,0.04058352858,0.002960848156,0.110305652,0.002381485188,0.006259526126,0.01459390763,0.1440248042,0.1869526356,0.3660559058,0.07518749684,0.04065988213,0.1623226106,0.001561736804,47,0.2071237117,0.3840327263,2491.823975,2491.823975,2.086944818,448528.3125,448528.3125,375.6500549,440107.875,491189.125,431447.5,0.9841342568,3.125725985,0.1438738555,0.4326153994,0.4235107303,0 +Colombia,COL,Latin America and Caribbean,LCN,2010,geih,Male,21808358,0.3005572855,0.1849495918,0.06298034638,0.744070828,0.6364623308,0.3484132588,0.2786493301,0.0697639063,11791015,0.8494845629,,0.06257203966,0.7715823054,0.07484764606,0.9082946777,0.09170533717,0.8178060651,0.1821939349,0.4753849804,0.4619753659,0.06182124838,0.6727840304,0.3164021373,0.2909789085,0.2971472144,0.3193516135,0.03833248094,0.2507158816,0.2333505452,0.5159335732,,0.7040379643,0.01572427154,0.1192581207,0.007043284364,0.09132486582,0.2211609036,0.1183008328,0.06685141474,0.03015067428,0.07946973294,0.04831014946,0.02574680746,0.06121525541,0.1341780722,0.08417823911,0.2483986467,0.0429876931,0.07746984065,0.2356311828,0.04188411683,47,0.1179085448,0.4150229692,3131.39209,3131.39209,2.62259388,563650.625,563650.625,472.066925,453368.1875,573544.625,622037.6875,,3.125725985,0.062284749,0.1819018573,0.4840414226,0.2717719674 +Colombia,COL,Latin America and Caribbean,LCN,2010,geih,Old worker,20470588,0,0,0,0.787388742,1,0.3484132588,0.2786493301,0.0697639063,16374960,0.7999262214,0.6667932272,,0.7264585495,0.08034599572,0.908156991,0.09184303135,,,0.4657740593,0.4764280021,0.05695979297,0.649361074,0.3367204368,0.3148548603,0.3074194789,0.3413396776,0.05025756732,0.1650662124,0.202871576,0.6320621967,0.9396184683,,0.01093172748,0.1301419586,0.005655023735,0.05614285916,0.2558585703,0.08580075204,0.08187117428,0.0314913094,0.1770403981,0.0674411729,0.02870984003,0.07976856083,0.1764221638,0.1853885204,0.1607702672,0.0641458407,0.05008676648,0.1494183987,0.03784847632,47,0.1802703142,0.3601408601,3341.250977,3341.250977,2.798354149,601425.125,601425.125,503.7037048,467755.9688,601759.5625,645202.125,0.9841342568,3.125725985,0.07407344133,0.2195655257,0.4283014834,0.278059572 +Colombia,COL,Latin America and Caribbean,LCN,2010,geih,Rural,10560164,0.3370027244,0.1814825088,0.06937363744,0,0.5936236382,0.3484132588,0.2786493301,0.0697639063,4335478,0.6916002631,0.4597698152,0.2090326846,0.62957412,0.1146904081,0.9103150964,0.08968491852,0.8386155367,0.1613844782,0.3709403276,0.5760836005,0.05195924267,0.8828778863,0.1136573777,0.1019549742,0.09824583679,0.1133090779,0.01420571562,0.6402431726,0.1105718985,0.2491849363,0.6586589813,0.341529429,0.0227400735,0.05869945884,0.002068408532,0.02706396021,0.1171145067,0.03482277319,0.01224822365,0.00594540732,0.07905402035,0.01538139582,0.004865897819,0.01487463713,0.07274775207,0.108711414,0.6304218173,0.05707776174,0.01412083302,0.0775764063,0.004222060554,47,0.2405586392,0.3156590164,2630.911377,2630.911377,2.203432798,473564.0313,473564.0313,396.6178894,448701.6875,574471.875,507767.1563,0.9841342568,3.125725985,0.1120246872,0.3088251352,0.4534747303,0.1256754398 +Colombia,COL,Latin America and Caribbean,LCN,2010,geih,Total,44215387,0.2868790925,0.1817851961,0.06836140901,0.7611653805,0.644759506,0.5509658999,0.4449396865,0.1060262135,20648251,0.7242893284,0.605494976,0.1455481797,0.6366020604,0.07464444637,0.8789333701,0.1210666224,0.7669505477,0.2330494225,0.4812042415,0.4695290923,0.04813444987,0.6810431025,0.3189568975,0.3015958369,0.2911221683,0.3184409738,0.04395012185,0.1733883321,0.2015069574,0.6251047254,0.9379392862,0.7888398767,0.01137928665,0.1290820241,0.005248213187,0.05579743534,0.2605783641,0.08636521548,0.07768913358,0.02938052453,0.171091482,0.06156656891,0.02484500408,0.08726079017,0.1763181537,0.1829366833,0.1684863567,0.0620251745,0.04949831218,0.1515214741,0.03554146364,47,0.1970071644,0.350347966,3155.686768,3155.686768,2.642940998,568023.625,568023.625,475.7294006,454423.8438,571497.6875,599927.1875,0.9841342568,3.125725985,0.05906018987,0.1775885522,0.4822295904,0.2811216712 +Colombia,COL,Latin America and Caribbean,LCN,2010,geih,Urban,33655223,0.2711515427,0.1818801761,0.06804379076,1,0.6608046293,0.3484132588,0.2786493301,0.0697639063,16312773,0.7335035801,0.6421989799,0.1256718785,0.6385830641,0.0635157451,0.8705930114,0.1294070035,0.7431688905,0.2568311393,0.5118464231,0.439917773,0.04707154259,0.6149180532,0.3713092804,0.3571000397,0.3447893858,0.3760426044,0.05221603811,0.04364929348,0.2267778218,0.7295728922,0.9864888191,0.9562678933,0.008222122677,0.1486413479,0.006131881382,0.06378247589,0.3004469872,0.1006888673,0.09587517381,0.03589314595,0.1966687143,0.07440134883,0.03039716184,0.1073767766,0.2051001936,0.2035637647,0.04011530802,0.06340005249,0.0593296513,0.172070682,0.04424506798,47,0.1849042773,0.3599879742,3276.625,3276.625,2.74422884,589792.5,589792.5,493.9611816,480765.875,571277.625,606881.25,0.9841342568,3.125725985,0.03958096355,0.1293224841,0.4928050339,0.3382915258 +Colombia,COL,Latin America and Caribbean,LCN,2010,geih,Young worker,8037703,0,1,0,0.7615631223,1,0.3484132588,0.2786493301,0.0697639063,4273291,0.5316557288,0.4428623021,0.1455481797,0.4077536762,0.04877398536,0.7669505477,0.2330494225,0.7669505477,0.2330494225,0.551217854,0.4382256269,0.008089941926,0.7813122272,0.2179896683,0.2414047867,0.2172084153,0.2159139514,0.01533043105,0.2111600935,0.1953133643,0.5935265422,0.9294838309,0.7888398767,0.01341063529,0.1242712513,0.003401814261,0.0542296581,0.2820000947,0.08892712742,0.0587080121,0.01980025694,0.1440910548,0.03491087258,0.007308530621,0.1212563738,0.1758462489,0.1718116403,0.2034977078,0.05240277201,0.04682823643,0.1610641181,0.02507351153,47,0.272949636,0.3059132397,2647.401123,2647.401123,2.217243195,476532.2188,476532.2188,399.1037903,401869.6563,489511.25,487828.0938,0.9841342568,3.125725985,0.02046852,0.06968640536,0.620852232,0.288992852 +Colombia,COL,Latin America and Caribbean,LCN,2011,geih,Female,22668304,0.2695150077,0.1777301431,0.07531511784,0.7796148062,0.6551699042,0.3439541459,0.271222502,0.07273164392,9138020,0.6152890325,0.6152890325,0.2324581742,0.524366796,0.07953587174,0.8522284627,0.1477715075,0.7114936113,0.2885063887,0.478150934,0.4917566478,0.02822226472,0.6748766303,0.3146850765,0.3177448809,0.287869662,0.3170577586,0.0497010611,0.06555042416,0.1564381272,0.7780114412,0.9344495535,0.9302504659,0.005305266473,0.1422460526,0.003133943537,0.005752862431,0.3181364238,0.03794112429,0.09602959454,0.02759401128,0.2983103096,0.07952765375,0.02553070709,0.1228727773,0.2336547971,0.3214856982,0.05946044624,0.09265261143,0.008987399749,0.02921229042,0.02661562525,46,0.3220509291,0.2550756633,3368.372803,3257.248047,2.821069241,606307.0625,586304.625,507.7924194,498937,597884.875,614599.3125,,3.22921133,0.05496848747,0.1676384062,0.4778044522,0.2995886505 +Colombia,COL,Latin America and Caribbean,LCN,2011,geih,Higher education,25581147,0.1938352883,0.2777397335,0.02669974044,0.8501465321,0.7794649601,0.3439541459,0.271222502,0.07273164392,14608973,0.7326610088,0.6496415734,0.124698855,0.6382319331,0.07293973863,0.8711149693,0.1288850307,0.7641806006,0.2358194143,0.5386886001,0.4129896164,0.04702125862,0.5733159184,0.4142176509,0.406193465,0.3927696645,0.4187763333,0.06118671969,0.07545413077,0.2160862535,0.7084596157,0.9698855281,0.862556994,0.009811806493,0.1461707056,0.007631614339,0.05247212574,0.2801492214,0.09344463795,0.09744993597,0.04024041444,0.1971753985,0.08922728896,0.03370358422,0.1217083484,0.1889515221,0.182097882,0.07173158973,0.05522165447,0.05638139695,0.1473915577,0.0535851717,46,0.1979366839,0.3321346343,3650.448242,3530.017578,3.05731225,657080.75,635403.1875,550.3162231,525949.125,637034.875,684364.4375,0.9849623442,3.22921133,0,0,0.514425993,0.485574007 +Colombia,COL,Latin America and Caribbean,LCN,2011,geih,Lower education,19151984,0.4007547796,0.05241065472,0.1284272671,0.6468504667,0.4708179533,0.3439541459,0.271222502,0.07273164392,6596082,0.7315083146,0.5351643562,0.3028478622,0.6789869666,0.09677366912,0.9282013178,0.07179868221,0.879742682,0.1202573255,0.3515586555,0.5989102125,0.04831660166,0.8722097278,0.1199906841,0.09809017926,0.1113437787,0.120046474,0.003314173315,0.3632803261,0.1911943555,0.4455253184,0.839699626,0.4846256673,0.01807186566,0.09931105375,0.001950337668,0.07186109573,0.2238845229,0.06833124906,0.0424287878,0.00334639987,0.1075343564,0.002699390985,0.00567660993,0.01363154128,0.1444336772,0.1849001944,0.3589502573,0.0795667842,0.04245754704,0.1664936393,0.001190364943,46,0.2150483876,0.3929984868,2653.961914,2566.406006,2.222738028,477713.1563,461953.0938,400.0928345,461648.3125,524414.9375,463245.1563,0.9849623442,3.22921133,0.1442922056,0.425156951,0.4305508137,0 +Colombia,COL,Latin America and Caribbean,LCN,2011,geih,Male,22064827,0.2956891656,0.1849018782,0.06505290419,0.7461490035,0.6392579675,0.3439541459,0.271222502,0.07273164392,12067035,0.8555076718,,0.0621165894,0.7841768861,0.08148825914,0.916621685,0.08337830752,0.8302007914,0.1697992235,0.477730304,0.4604436457,0.06097411737,0.6672551036,0.3214336932,0.2978694439,0.3108325303,0.3245149851,0.03723953664,0.2417458594,0.2443024814,0.5139516592,,0.7206955552,0.01755673438,0.1229957938,0.00765341334,0.09609654546,0.2222608477,0.1186203063,0.067994304,0.02872218192,0.07635401189,0.04816115275,0.02394424193,0.06106524915,0.132835418,0.08550990373,0.2393541783,0.04234318435,0.08204300702,0.2411718369,0.04357183725,46,0.1200229898,0.4200794101,3317.333252,3207.892334,2.778322697,597120,577420.625,500.098114,477970.3438,610288.875,657889.1875,,3.22921133,0.06047603115,0.1724360436,0.4840092659,0.2830786407 +Colombia,COL,Latin America and Caribbean,LCN,2011,geih,Old worker,20848037,0,0,0,0.7882090211,1,0.3439541459,0.271222502,0.07273164392,16790275,0.8053647876,0.6766677499,,0.7386230826,0.08637429029,0.9171285629,0.08287142217,,,0.4602178037,0.4827362001,0.05636242405,0.6466530561,0.3399972618,0.3185567558,0.3175563216,0.3445589542,0.04878302291,0.1617964953,0.2085853815,0.6296181083,0.9352841377,,0.01218624227,0.1310754418,0.00636072224,0.05896298215,0.2564433813,0.08473290503,0.08297771215,0.03033635207,0.1751277745,0.06726532429,0.02846551873,0.07808165252,0.1745970398,0.1864244789,0.1578674614,0.0658256039,0.05121002346,0.1510654539,0.03919743001,46,0.1844118685,0.3635649085,3534.987793,3418.366211,2.960612059,636297.8125,615305.9375,532.9101563,491556.4063,638615.8125,685974.5625,0.9849623442,3.22921133,0.07275270671,0.2108481228,0.4275524318,0.2888467312 +Colombia,COL,Latin America and Caribbean,LCN,2011,geih,Rural,10596937,0.3327270746,0.1815978587,0.06900503486,0,0.5982678533,0.3439541459,0.271222502,0.07273164392,4363221,0.6882261634,0.4521709383,0.2157384604,0.6348581314,0.1276227534,0.9224556684,0.07754431665,0.8548049331,0.1451950818,0.3717036843,0.582783103,0.04458222166,0.8790273666,0.1166755855,0.1068915576,0.1021448672,0.1163454354,0.01338823233,0.6375313997,0.1226465032,0.2398220748,0.6285880208,0.3530160785,0.02717501856,0.06233206019,0.002324985107,0.0308144372,0.1094054952,0.03306189924,0.01417925302,0.005401111674,0.07777431607,0.01482256129,0.003785456298,0.01396613754,0.07098153234,0.1041666344,0.6280685067,0.06140906736,0.01849447377,0.07914649695,0.005159162451,46,0.2532409728,0.326761961,2783.032959,2691.218994,2.33083725,500945.9375,484419.4063,419.5506897,475120.4063,606147.0625,551453.625,0.9849623442,3.22921133,0.109764196,0.2997854352,0.4592394531,0.1312109232 +Colombia,COL,Latin America and Caribbean,LCN,2011,geih,Total,44733131,0.2824255228,0.181267634,0.07025323063,0.7631076574,0.6473212391,0.5448280268,0.4362988664,0.1085291605,21205055,0.7323020497,0.6152890325,0.146751821,0.6509230258,0.08068159223,0.8888723254,0.1111276522,0.7814083695,0.2185916454,0.4779041111,0.4733812809,0.04744201899,0.6778266617,0.3221733383,0.3060826659,0.3013419211,0.3214322925,0.04238827154,0.1689492017,0.2080005705,0.6230502129,0.9344495535,0.7991226912,0.01249493565,0.1309491992,0.005786155816,0.05877027661,0.261872679,0.08528701216,0.07957732677,0.02825606987,0.1680571437,0.06112086773,0.02459972166,0.08660230041,0.1744910181,0.1830081493,0.16502738,0.06312955916,0.0518585816,0.1535964012,0.03656603023,46,0.2034949958,0.3519047201,3341.346924,3231.11377,2.798434496,601442.4375,581600.4375,503.7182007,478822.0625,606147.0625,633560.0625,0.9849623442,3.22921133,0.05770231038,0.1700198501,0.480884403,0.291393429 +Colombia,COL,Latin America and Caribbean,LCN,2011,geih,Urban,34136194,0.2668103576,0.1811651289,0.07064071298,1,0.6625489593,0.3439541459,0.271222502,0.07273164392,16841834,0.7446570992,0.6562151909,0.1252850741,0.6554262638,0.06793630123,0.880171895,0.119828105,0.7580456138,0.2419544011,0.5067392588,0.4436768889,0.04821849987,0.6137594581,0.3734834492,0.3602013886,0.3554413617,0.3775938749,0.05026225373,0.04170556366,0.2311784923,0.7271159291,0.9867699146,0.9592273235,0.00850855466,0.1495822072,0.006726037711,0.06636169553,0.3032751679,0.09946876019,0.09733618796,0.03446234018,0.1925734729,0.07369161397,0.03025113419,0.1063242033,0.202595517,0.2044149041,0.03930419683,0.06359670311,0.06091748178,0.1738107502,0.04509350657,46,0.1899881512,0.3587314188,3462.125,3347.907227,2.899588346,623182.5,602623.25,521.9259033,509125.375,606276.0625,639577,0.9849623442,3.22921133,0.03851402178,0.1221925467,0.4888620079,0.3504314423 +Colombia,COL,Latin America and Caribbean,LCN,2011,geih,Young worker,8108669,0,1,0,0.7626761198,1,0.3439541459,0.271222502,0.07273164392,4414780,0.5444518924,0.4504061937,0.146751821,0.4254392385,0.05527073517,0.7814083695,0.2185916454,0.7814083695,0.2185916454,0.5568514466,0.4316230714,0.007623459678,0.7764229774,0.223335579,0.2503737509,0.2289581895,0.2195538133,0.01384362765,0.2008773237,0.2053900957,0.5937325954,0.9302504659,0.7991226912,0.01387287397,0.1303857118,0.003221415449,0.0579100959,0.2861078382,0.08776044846,0.06439873576,0.01897013932,0.1364954114,0.03369349614,0.007343729027,0.1246364191,0.1740177423,0.167758435,0.1969875395,0.05109506473,0.05475359783,0.1648938805,0.02482008748,46,0.2886774838,0.2998565733,2810.906006,2718.172363,2.35418129,505963.0938,489271,423.752655,432500.9688,523353.8438,516751.5313,0.9849623442,3.22921133,0.01851600967,0.06371638179,0.6197434068,0.2980242074 +Colombia,COL,Latin America and Caribbean,LCN,2012,geih,Female,22929322,0.2660234869,0.176238969,0.07708143443,0.7813019753,0.6568951011,0.3412546217,0.2660007775,0.07525382936,9491117,0.6301299334,0.6301299334,0.2272556126,0.5409566164,0.08608703315,0.8584843278,0.1415156871,0.7272127271,0.2727872729,0.4817529619,0.4875133932,0.0289101284,0.6685761809,0.3209753335,0.3175970912,0.2973482907,0.3239420056,0.04846075177,0.06825419515,0.1562290043,0.775516808,0.9317458272,0.924793601,0.005051751155,0.1416480243,0.003133114427,0.006396110635,0.3263193667,0.0356667079,0.09477677941,0.02667112462,0.2920828164,0.07587651908,0.02426762506,0.1230306923,0.2330765575,0.3274724185,0.06068881974,0.08705426753,0.009453759529,0.03011668473,0.02896265686,46,0.3354125321,0.2486572415,3515.742432,3295.073242,2.944493771,632833.6875,593113.25,530.0089111,524637.375,617297.5,643370.375,,3.147224665,0.05436372757,0.1641271412,0.4760054946,0.3055036664 +Colombia,COL,Latin America and Caribbean,LCN,2012,geih,Higher education,26117221,0.1873282045,0.2741866112,0.02853860334,0.8510603309,0.7841331959,0.3412546217,0.2660007775,0.07525382936,15216981,0.7430391312,0.6602017283,0.1249750033,0.6520448327,0.07697921991,0.8775376678,0.1224623322,0.7808167934,0.2191831917,0.5475466251,0.4044057131,0.04679359123,0.5650840402,0.4224294722,0.4084935188,0.404812634,0.4274069667,0.06102808937,0.07464526594,0.2155986577,0.7097560763,0.9669625163,0.8695904613,0.009212760255,0.1434675008,0.007039631717,0.05587875843,0.2814461589,0.09387456626,0.1004414409,0.0401471369,0.1938467771,0.08508145809,0.03360968083,0.1229490563,0.1843621433,0.187667191,0.07139146328,0.05204593018,0.05120442808,0.1537029296,0.05798573419,46,0.2053697854,0.3266323805,3795.350342,3557.131348,3.178670168,683163.0625,640283.625,572.1606445,539032.3125,658783.5625,711956.9375,0.9822500944,3.147224665,0,0,0.5087153316,0.4912846386 +Colombia,COL,Latin America and Caribbean,LCN,2012,geih,Lower education,19132850,0.4039306641,0.0507706888,0.1306625009,0.6473504901,0.4654068351,0.3412546217,0.2660007775,0.07525382936,6591627,0.7402530313,0.5571152568,0.3049605191,0.6877416372,0.1087106615,0.9290629029,0.07093711197,0.8808948398,0.1191051379,0.3495665193,0.600934267,0.04830409214,0.868740797,0.1245239228,0.09855881333,0.1179986,0.1246507168,0.00309730391,0.3569913507,0.1913653761,0.4516432583,0.8362035155,0.4843208194,0.01708772592,0.09723652899,0.002104725689,0.07493639737,0.2290725559,0.06765096635,0.04196971655,0.003440903733,0.1095091105,0.002279379172,0.006631574128,0.01289835665,0.1440507472,0.1945853978,0.3533176482,0.07413738221,0.03663352132,0.173039481,0.00242650439,46,0.2353776097,0.3809765279,2825.519287,2648.172852,2.366420269,508593.4688,476671.125,425.9556274,490472.1563,557566.3125,495147.875,0.9822500944,3.147224665,0.1456380934,0.4219121933,0.4324497283,0 +Colombia,COL,Latin America and Caribbean,LCN,2012,geih,Male,22320749,0.2921541333,0.1832976192,0.0662105903,0.7481050491,0.6416352987,0.3412546217,0.2660007775,0.07525382936,12317491,0.8600530624,,0.06668499857,0.7910703421,0.08758109063,0.9197924137,0.08020757139,0.8426710367,0.1573289484,0.4878485203,0.4508673251,0.0604715012,0.6547923684,0.3343642056,0.3062951267,0.3269738257,0.3375158906,0.03875251859,0.2318631411,0.2452013046,0.5229355693,,0.7402023077,0.0164623633,0.1197861955,0.007181865163,0.1017708778,0.2208605856,0.1215657294,0.07290911674,0.02999840118,0.07760172337,0.04694385082,0.0257456284,0.06340383738,0.1275378913,0.09086162597,0.2314801961,0.03880988806,0.07335455716,0.2530358136,0.04882671684,46,0.1280659735,0.4120855927,3501.926758,3282.124756,2.93292284,630346.75,590782.4375,527.9260864,502649,637318.5625,692000.3125,,3.147224665,0.0604073517,0.1683243066,0.4813486934,0.2899196446 +Colombia,COL,Latin America and Caribbean,LCN,2012,geih,Old worker,21251559,0,0,0,0.7908702493,1,0.3412546217,0.2660007775,0.07525382936,17274187,0.8128432631,0.6902805567,,0.7469543815,0.09337231517,0.9189401865,0.08105979115,,,0.4669180214,0.4760782421,0.05615258217,0.6354287267,0.3515247703,0.3245412111,0.3318041563,0.3562137485,0.04959302768,0.1574678123,0.2061942667,0.6363379359,0.9331507683,,0.01139664277,0.1283842921,0.005872937851,0.06054038927,0.2581727803,0.08558995277,0.08491820097,0.03118660115,0.176470384,0.06530613452,0.02918486856,0.08049725741,0.1714583933,0.1937743872,0.1540312171,0.06050632149,0.04624193907,0.1557578146,0.04324167594,46,0.1962878853,0.3534934223,3736.72998,3502.19043,3.129574537,672611.4375,630394.3125,563.3234253,524596.3125,665525.3125,721837.375,0.9822500944,3.147224665,0.0725203827,0.2061056197,0.4244873524,0.2968866527 +Colombia,COL,Latin America and Caribbean,LCN,2012,geih,Rural,10637081,0.3322095573,0.1776460111,0.07232933491,0,0.5954611301,0.3412546217,0.2660007775,0.07525382936,4441646,0.7012422681,0.4799868762,0.2189338207,0.6528116465,0.1464561969,0.9309359789,0.06906403601,0.8696103692,0.130389601,0.361697346,0.5894795656,0.04732872918,0.8804751039,0.1150870323,0.1056093201,0.1068130881,0.1143562868,0.01263153926,0.6215661764,0.1240190268,0.2544147968,0.6317892671,0.3771339059,0.02513943426,0.06326049566,0.00201759045,0.03360150754,0.1185795888,0.03489664569,0.01633621566,0.006264716387,0.07833762467,0.01403206121,0.004933628254,0.01581300423,0.07635442913,0.1088592932,0.6144376993,0.06164229661,0.01487803273,0.08331398666,0.005735584535,46,0.2811921239,0.3066070974,2936.042236,2751.758545,2.45898509,528487.625,495316.5625,442.6173096,497585.75,608410.75,581461.5,0.9822500944,3.147224665,0.1114498824,0.2906764746,0.4566306472,0.141242981 +Colombia,COL,Latin America and Caribbean,LCN,2012,geih,Total,45250071,0.2789130807,0.179720819,0.07171911746,0.7649267316,0.6493678093,0.539959316,0.4295147938,0.1104445223,21808608,0.7421948312,0.6301299334,0.1464737207,0.6628624494,0.08695608377,0.8931111097,0.1068888977,0.794713378,0.205286622,0.485298574,0.4661973715,0.04726851732,0.6676882114,0.3323117585,0.3110235035,0.3145779669,0.3318362534,0.04281373695,0.1634169519,0.2079795301,0.628603518,0.9317458272,0.8103755116,0.0116887074,0.1289321482,0.00548806088,0.06187061965,0.2649795115,0.08562967181,0.0820574984,0.02860642783,0.1673303992,0.05904717743,0.02512733825,0.08834738284,0.171687603,0.189842388,0.1600334942,0.0589918308,0.04662310705,0.1597826481,0.04051703587,46,0.214804709,0.3437190354,3509.789307,3289.493896,2.939507961,631762.125,592108.875,529.1114502,503346.625,630244.0625,666206.0625,0.9822500944,3.147224665,0.05737661943,0.1662195325,0.4786691964,0.297734648 +Colombia,COL,Latin America and Caribbean,LCN,2012,geih,Urban,34612990,0.2625342906,0.1803584397,0.07153158635,1,0.6659341455,0.3412546217,0.2660007775,0.07525382936,17366962,0.7534483075,0.6671827435,0.1245405674,0.6656243801,0.07092060149,0.8834372759,0.1165627018,0.7719817758,0.2280181944,0.5186095238,0.4329724014,0.04725228995,0.601290226,0.3863497376,0.3664063215,0.3706250787,0.3909179866,0.05094794184,0.03996066004,0.2306041569,0.7294352055,0.9858285189,0.9585479498,0.008064174093,0.1466285139,0.006423239596,0.06948822737,0.3044295311,0.09930057079,0.09976724535,0.03462679312,0.1913110465,0.07117890567,0.03056961112,0.1078956351,0.1973802149,0.2116675973,0.0375700444,0.05827752128,0.05517850816,0.1803912073,0.04989075661,46,0.1969130784,0.3537208438,3625.523193,3397.963623,3.036437035,652594.125,611633.4375,546.5585938,532494.1875,631905.1875,671941.8125,0.9822500944,3.147224665,0.03760838136,0.1207202449,0.4867261052,0.3549452722 +Colombia,COL,Latin America and Caribbean,LCN,2012,geih,Young worker,8132380,0,1,0,0.7676405907,1,0.3412546217,0.2660007775,0.07525382936,4534421,0.5575761199,0.4660812616,0.1464737207,0.4431132078,0.05869215727,0.794713378,0.205286622,0.794713378,0.205286622,0.5662661791,0.4226714373,0.008133612573,0.7712568045,0.2284973413,0.2514745891,0.2385642231,0.2258266658,0.01295050886,0.1896244586,0.2158441097,0.5945314169,0.924793601,0.8103755116,0.01297532488,0.1313455701,0.003792578122,0.0677306354,0.2949649692,0.0858046487,0.06945537031,0.01724010147,0.1270663589,0.03147605062,0.00725365011,0.1229277104,0.1726973206,0.1725216508,0.1864739507,0.05232040957,0.04830216616,0.1775122732,0.02851481736,46,0.2963726223,0.3006622493,2917.025879,2733.935791,2.443058491,525064.625,492108.4375,439.7505188,452394.8125,543152.8125,533469.5625,0.9822500944,3.147224665,0.0173442997,0.06078121811,0.6218981147,0.2999763489 +Colombia,COL,Latin America and Caribbean,LCN,2013,geih,Female,23191525,0.2623410821,0.1749949604,0.07929664105,0.7828852534,0.6583622694,0.3392545879,0.2599808276,0.07927376032,9593427,0.6283180714,0.6283180714,0.2245209962,0.5461807847,0.08630763739,0.8692743182,0.130725652,0.7458902597,0.2541097403,0.4958930612,0.4743733406,0.02778188139,0.646774888,0.3414786756,0.335678339,0.3188326657,0.3446834087,0.04984399304,0.06377572566,0.1438571066,0.7923671603,0.9362242818,0.9266018867,0.003890545107,0.1299647689,0.003302747617,0.006699044257,0.3325472772,0.03588587046,0.099390544,0.02888039313,0.2956630886,0.000334439741,0.004399399273,0.006821659394,0.000005036381935,0.00149844354,0.006639030296,0.008459921926,0.001982655609,0.001867658226,0.0000456871785,45,0.3329357803,0.2401500344,3729.956299,3426.531006,3.123901606,671392.125,616775.5625,562.3022461,566828.3125,659753.5,680300.75,,3.03706789,0.05181904882,0.1612395495,0.4703497291,0.3165916502 +Colombia,COL,Latin America and Caribbean,LCN,2013,geih,Higher education,26934023,0.1822804958,0.270236969,0.03064982221,0.8494241834,0.7870696783,0.3392545879,0.2599808276,0.07927376032,15711261,0.7411338091,0.6601395607,0.1257335097,0.6568338275,0.07729563117,0.8862553239,0.1137446538,0.797159493,0.2028405219,0.5529382229,0.4016746581,0.04392665252,0.5492708683,0.4377342165,0.4179211855,0.4209337533,0.4426952899,0.0596190542,0.07049228251,0.2047839016,0.7247238159,0.9711863995,0.8731650114,0.008768687956,0.1356823593,0.006854434498,0.05347842351,0.2853881419,0.09290548414,0.1057648659,0.04077118263,0.1998941451,0.0007377808215,0.01149323676,0.02812048793,0.000339912076,0.002406316111,0.008096701466,0.006085740402,0.005018676631,0.002255714964,0.00009128000238,45,0.2039080411,0.319211334,3989.896729,3665.325684,3.341605902,718181.4375,659758.625,601.4890747,573734.8125,698091.0625,741761.5625,0.9891020656,3.03706789,0,0,0.499830246,0.500169754 +Colombia,COL,Latin America and Caribbean,LCN,2013,geih,Lower education,18836964,0.4084469676,0.04648848996,0.13544406,0.648268342,0.4561089575,0.3392545879,0.2599808276,0.07927376032,6301585,0.7334496379,0.5443378687,0.3156553209,0.6865451932,0.1091785207,0.9360495806,0.06395041943,0.8906185627,0.1093814224,0.3552974164,0.6003043652,0.04370751977,0.8626681566,0.1301706433,0.1030642167,0.1230144501,0.1309404969,0.002764895326,0.3615906239,0.1806782484,0.4577311277,0.8301023245,0.4734615386,0.01613899134,0.08849665523,0.002082882682,0.07395970821,0.238633588,0.06686773896,0.04316611215,0.002932990436,0.1061307117,0.0000194961649,0.0000210219514,0.002614181489,0.0002954940428,0.00004797751899,0.00006086194117,0.000008985189197,0,0.0001286746847,0.00001593599518,45,0.2381899059,0.3767499924,2974.314941,2732.359619,2.491039038,535376.6875,491824.7188,448.3870239,523483.2188,582403,519165.5625,0.9891020656,3.03706789,0.144930318,0.4265012145,0.4285684526,0 +Colombia,COL,Latin America and Caribbean,LCN,2013,geih,Male,22579462,0.2887295485,0.1813980788,0.0681091547,0.7499520779,0.6431612968,0.3392545879,0.2599808276,0.07927376032,12419419,0.8552001715,,0.06845527887,0.7907505035,0.08712805808,0.9246378541,0.07536213845,0.8542734385,0.1457265615,0.492844373,0.4509088397,0.05553846434,0.6394428015,0.3496521413,0.3158742189,0.34202528,0.3530691564,0.03751402721,0.2249075323,0.2366459519,0.538446486,,0.7497847676,0.0160973426,0.1155951172,0.006982523017,0.09797097743,0.227123186,0.1209376156,0.07823683321,0.02996875905,0.0821801275,0.0006617340841,0.01075198129,0.03048618138,0.0005602838355,0.001854231232,0.005027576815,0.001240218058,0.004645549227,0.001444947091,0.00008568842168,45,0.12781699,0.4061811566,3688.606689,3388.545166,3.089270592,663949.1875,609938.125,556.0686646,536581.75,674675.9375,721211.875,,3.03706789,0.05979719013,0.1672231257,0.4744302332,0.2985494733 +Colombia,COL,Latin America and Caribbean,LCN,2013,geih,Old worker,21636390,0,0,0,0.7918474674,1,0.3392545879,0.2599808276,0.07927376032,17558242,0.8115143776,0.6892232895,,0.7496495247,0.09316695482,0.9237661958,0.07623382658,,,0.4773983657,0.4697537124,0.05206079409,0.6177398562,0.3685311973,0.3370892107,0.3498559594,0.3736055493,0.04925026372,0.1516256183,0.1979194432,0.6504549384,0.9381534457,,0.01084140409,0.1219582111,0.005972576328,0.05914724991,0.2640880048,0.08493772894,0.09006813169,0.03211835399,0.1792427152,0.0005724516814,0.009307749569,0.02008636482,0.0003410048666,0.001908418839,0.006447464228,0.00458670361,0.003965114243,0.001705887495,0.00006140676851,45,0.1954699606,0.3475669324,3925.476074,3606.145508,3.287652493,706585.6875,649106.125,591.7774658,560436.6875,700738.6875,749382.0625,0.9891020656,3.03706789,0.06972834468,0.2034048587,0.4185680449,0.3082987368 +Colombia,COL,Latin America and Caribbean,LCN,2013,geih,Rural,10681169,0.3306131661,0.1745240688,0.07321698219,0,0.5961698294,0.3392545879,0.2599808276,0.07927376032,4423319,0.694639504,0.4717788398,0.2164382041,0.6507773399,0.1451011002,0.9368562102,0.06314375997,0.8804209232,0.1195790917,0.378429234,0.5825028419,0.03793375194,0.8659584522,0.1302374899,0.1201498732,0.1199119091,0.130014658,0.01442345511,0.6119048595,0.1182736233,0.2698214948,0.6441323161,0.3891631961,0.02423330396,0.05920848995,0.002488418948,0.03234341368,0.1288185716,0.03550178185,0.01738635078,0.00618810486,0.0819266811,0.0000277508716,0.0006365808658,0.004082273692,0.0002784739772,0.0005579131539,0.0005270252586,0.0005576718831,0.00008783754311,0.00003233579628,0,45,0.2764252126,0.3097158968,3185.269531,2926.153564,2.667717218,573348.5,526707.625,480.1890564,532701.6875,677134.75,627729.3125,0.9891020656,3.03706789,0.1087788269,0.2829105556,0.4566520751,0.151658535 +Colombia,COL,Latin America and Caribbean,LCN,2013,geih,Total,45770987,0.2753588855,0.1781537086,0.07377769798,0.766638875,0.6508634239,0.536420654,0.4230670758,0.1133535781,22012846,0.7389176684,0.6283180714,0.1461295485,0.6654026712,0.08678290993,0.9005098939,0.09949013591,0.808842957,0.1911570579,0.4941269457,0.4607802033,0.04386144504,0.6498439685,0.3501560013,0.324205488,0.3322645724,0.3495430648,0.04270116612,0.1571204215,0.1976102889,0.6452692747,0.9362242818,0.8181399107,0.01096202154,0.1216403395,0.005434465129,0.05957346037,0.271474421,0.08515689522,0.08713606,0.02951089107,0.1719910353,0.0005240433966,0.008079490624,0.02053066716,0.0003266947751,0.001704553608,0.005705505144,0.004277501721,0.00352528668,0.001622779062,0.00006886015035,45,0.2141091675,0.3363329172,3708.075439,3406.430176,3.1055758,667453.5625,613157.4375,559.0036621,539207.0625,668472.0625,700141.4375,0.9891020656,3.03706789,0.05580770969,0.1642310321,0.4723897874,0.3075715005 +Colombia,COL,Latin America and Caribbean,LCN,2013,geih,Urban,35089818,0.2585397661,0.1792585552,0.07394837588,1,0.6675118804,0.3392545879,0.2599808276,0.07927376032,17589527,0.750955224,0.6666483879,0.1252931952,0.6693787575,0.07136898488,0.8913697004,0.1086303219,0.7874089479,0.2125910521,0.5247066617,0.4286080301,0.0454281792,0.5834729075,0.4032976925,0.3781523108,0.3883735538,0.4081202447,0.05017517135,0.03690719232,0.2185813487,0.7445114851,0.9874694943,0.9618191719,0.007454021368,0.1381429583,0.006213194225,0.06677118689,0.3091826439,0.09828223288,0.1055730134,0.03567580506,0.1957977414,0.0006552171544,0.0100467056,0.0248780977,0.0003394398664,0.002007619012,0.007074214984,0.005260680337,0.004433829803,0.002043144777,0.00008706039807,45,0.1976385713,0.3433679938,3826.917725,3515.604736,3.205108404,688845.1875,632808.875,576.9194946,567070.5,667119.8125,704436.8125,0.9891020656,3.03706789,0.0361797139,0.1202553436,0.4782212377,0.3653436899 +Colombia,COL,Latin America and Caribbean,LCN,2013,geih,Young worker,8154271,0,1,0,0.7713932991,1,0.3392545879,0.2599808276,0.07927376032,4454604,0.5462908745,0.4600869715,0.1461295485,0.4418635368,0.05804431066,0.808842957,0.1911570579,0.808842957,0.1911570579,0.569432795,0.4203848243,0.006951007061,0.7541117072,0.2457481474,0.2661955357,0.2530182004,0.2426947951,0.01321954187,0.1818601042,0.1962183565,0.6219215393,0.9266018867,0.8181399107,0.01150508691,0.12020915,0.003011683701,0.06149242818,0.3047308624,0.08614364266,0.07393477857,0.01777109876,0.1393411756,0.0003061274183,0.002550321631,0.02253075503,0.0002622759785,0.0007868279354,0.002365479479,0.002885590773,0.001545346691,0.001248655608,0.0001024125231,45,0.2980160117,0.2857614756,3104.610352,2852.055908,2.600163698,558829.875,513370.0625,468.02948,475806.7188,575000,568771.8125,0.9891020656,3.03706789,0.01797520742,0.05776726082,0.6186625361,0.3055950105 +Colombia,COL,Latin America and Caribbean,LCN,2014,geih,Female,23455147,0.2579742968,0.1744225323,0.08178980649,0.7843899727,0.6602358818,0.3357414305,0.2543960512,0.0813453719,9742736,0.6291347146,0.6291347146,0.2193727046,0.5517961979,0.08241821826,0.877071619,0.1229284033,0.7574555874,0.2425444275,0.5105479956,0.46269086,0.0251054503,0.6271114945,0.3614279926,0.3530373573,0.3434387445,0.3650776148,0.04868674651,0.06157546863,0.1414150745,0.7970094681,0.9384245276,0.9318614602,0.003308942076,0.1281443089,0.002948083682,0.007013740018,0.3337919712,0.03484385088,0.101513356,0.03290296346,0.2939573228,0.08268281072,0.0261320062,0.1259382516,0.2274442911,0.3335019648,0.05527522042,0.07543302327,0.008464757353,0.03073149547,0.03439617902,45,0.3155128956,0.2254403383,3963.949463,3539.625732,3.319874763,713510.9375,637132.625,597.5774536,576038.375,696119.125,723645.875,,2.898646116,0.04867882654,0.155474633,0.4735576212,0.3222889304 +Colombia,COL,Latin America and Caribbean,LCN,2014,geih,Higher education,27642018,0.1794738322,0.2667772174,0.03169403225,0.8474029899,0.788832128,0.3357414305,0.2543960512,0.0813453719,16206817,0.7432644963,0.6608805656,0.1249315664,0.6637136936,0.07414488494,0.8929710984,0.107028909,0.8039188981,0.1960811019,0.5650466681,0.393486321,0.04029851779,0.5290311575,0.4580135345,0.4344748259,0.4445807934,0.4635942876,0.05736853555,0.0693526566,0.2073487639,0.7232985497,0.9699049592,0.8789659142,0.00885696616,0.1354171485,0.007356109563,0.05571855232,0.2824255824,0.09132686257,0.1055723801,0.04408351332,0.199890241,0.08859698474,0.03449374437,0.1213578209,0.1806349158,0.1938536912,0.06628036499,0.04866807163,0.04780089483,0.1543684453,0.06394506246,45,0.1918749362,0.3016651273,4237.911621,3784.26123,3.549322605,762824.125,681167.0625,638.8781128,629474.1875,744252.0625,785794.625,0.973346889,2.898646116,0,0,0.496029824,0.5039701462 +Colombia,COL,Latin America and Caribbean,LCN,2014,geih,Lower education,18651127,0.4093851149,0.0420547761,0.1411789209,0.650937438,0.4494359493,0.3357414305,0.2543960512,0.0813453719,6134715,0.7318490148,0.5409422517,0.3238514066,0.6885813475,0.1014697775,0.9408789277,0.05912108347,0.8891621232,0.1108378619,0.3491217196,0.6098410487,0.04041840509,0.8565995097,0.1359618455,0.1046038494,0.13052921,0.1367517859,0.003000507364,0.3550317287,0.1820578426,0.4629104435,0.8372625113,0.487954706,0.013690833,0.08796613663,0.002308286726,0.07809258997,0.23712942,0.07076972723,0.04703086615,0.003842755221,0.1041376591,0.002188660437,0.004373335745,0.01295992546,0.1443552524,0.1959241629,0.3533834815,0.06522322446,0.04191268235,0.1784173101,0.001261948957,45,0.2245430648,0.3568701446,3225.501221,2880.225098,2.701411724,580590.1875,518440.5,486.2540894,557043.375,623532.125,573787.5625,0.973346889,2.898646116,0.1407225579,0.4207820296,0.4384953976,0 +Colombia,COL,Latin America and Caribbean,LCN,2014,geih,Male,22837998,0.2866139114,0.1781033576,0.06965763867,0.7516711354,0.643728435,0.3357414305,0.2543960512,0.0813453719,12598796,0.856975317,,0.06830199063,0.7957820892,0.081583336,0.9285939932,0.07140602916,0.854387641,0.1456123739,0.4983215034,0.4496823251,0.05145469308,0.6190058589,0.3696688414,0.3311909735,0.3634814918,0.3736526966,0.03688613325,0.215981558,0.2430263311,0.5409920812,,0.7665713429,0.01529398561,0.1173175201,0.008085073903,0.1023297533,0.222561121,0.1224375442,0.07965365797,0.03239534795,0.08394444734,0.05028538033,0.02574063838,0.06453195214,0.1285459995,0.09287602454,0.2159667611,0.03728676215,0.07362695783,0.2565379441,0.05460158363,45,0.1176871955,0.3845762908,3977.771729,3551.968262,3.331451178,715998.9375,639354.3125,599.6611938,580563.4375,718917.75,774636.9375,,2.898646116,0.05746503919,0.1619746387,0.4750888348,0.3054714799 +Colombia,COL,Latin America and Caribbean,LCN,2014,geih,Old worker,22028769,0,0,0,0.7929339409,1,0.3357414305,0.2543960512,0.0813453719,17890233,0.8121303916,0.6895322204,,0.7546443939,0.08812036365,0.9292157888,0.07078421116,,,0.4860388637,0.4653767049,0.04790197313,0.6003841162,0.3858366609,0.3500888944,0.3698000908,0.3913037777,0.04821802676,0.1470179409,0.1997652203,0.6532168388,0.9397417307,,0.01045915019,0.1215992719,0.006261520553,0.06144527718,0.2615423501,0.08606792986,0.0915357843,0.03529730812,0.1787734628,0.06986151636,0.0300672166,0.08129560947,0.1699028611,0.1972293854,0.1447520107,0.05453519896,0.04612982646,0.158084631,0.04814174771,45,0.1836924106,0.3281413019,4195.442871,3746.338623,3.513754368,755179.75,674340.9375,632.4758301,599177.25,749715.5,796511.625,0.973346889,2.898646116,0.066043064,0.1981770545,0.4192325473,0.3165473044 +Colombia,COL,Latin America and Caribbean,LCN,2014,geih,Rural,10728499,0.3280786872,0.172236681,0.07451704144,0,0.5974042416,0.3357414305,0.2543960512,0.0813453719,4410090,0.6880819798,0.4684398472,0.2146228999,0.6459822059,0.1346040368,0.9388157725,0.06118423864,0.8799657822,0.1200342253,0.375192672,0.5882291794,0.03527361155,0.8533462286,0.1419965625,0.1259897202,0.1285730898,0.1416578144,0.01425513625,0.6003161669,0.1254202574,0.2742635906,0.6530926824,0.4090547264,0.02239833958,0.06165063009,0.003209666815,0.03816162795,0.1263526976,0.03822564334,0.01853016764,0.008206185885,0.08294888586,0.01612023637,0.004336682148,0.0181573052,0.07492303848,0.1182553172,0.5937162638,0.05520157889,0.02025862224,0.092766352,0.006264579482,45,0.2665174305,0.2892283201,3458.726318,3088.484375,2.896741867,622570.6875,555927.1875,521.4134521,570546.1875,721123.6875,699945.9375,0.973346889,2.898646116,0.09958738089,0.2732787132,0.466440022,0.1606938988 +Colombia,COL,Latin America and Caribbean,LCN,2014,geih,Total,46293145,0.2721031904,0.1762384027,0.07580459118,0.7682486176,0.6520922035,0.5335254428,0.4172771718,0.116248271,22341532,0.7400946352,0.6291347146,0.1440556794,0.670619008,0.08193574101,0.9061260223,0.09387400001,0.8133257031,0.1866742671,0.5034822822,0.4551731944,0.04033270106,0.6295935109,0.3704064891,0.3404135406,0.3550223708,0.370033443,0.04186716303,0.1508087367,0.2001375258,0.6490537524,0.9384245276,0.8317835927,0.01023525372,0.1218873709,0.005916816648,0.06209809333,0.2695102096,0.08546537161,0.08888035268,0.03260960802,0.1725881696,0.06396030635,0.02590583451,0.09045149386,0.1702908874,0.1944440156,0.1481389999,0.05338826403,0.04612205178,0.1612252444,0.0460729003,45,0.2011892498,0.3174051642,3971.046875,3545.963379,3.325819016,714788.4375,638273.375,598.6473999,580472.1875,711534.4375,746027.75,0.973346889,2.898646116,0.05308589339,0.1587349623,0.4743256569,0.3138534725 +Colombia,COL,Latin America and Caribbean,LCN,2014,geih,Urban,35564646,0.2552175224,0.1774455756,0.0761929974,1,0.6685894728,0.3357414305,0.2543960512,0.0813453719,17931442,0.7541143298,0.6682494283,0.1233931258,0.6772596836,0.06839495152,0.8980862498,0.10191378,0.7942360044,0.2057639658,0.5364649892,0.4209651053,0.04163337126,0.5630589724,0.4238296151,0.3955287337,0.4132276475,0.4292507768,0.04896609113,0.0352403298,0.2193473577,0.7454123497,0.9877923131,0.9659368992,0.007108122576,0.1373742372,0.006612825207,0.06825216115,0.3063160479,0.0976107195,0.106967397,0.03888373077,0.1956344396,0.07625977695,0.03145116568,0.1090380102,0.1948095262,0.2140318006,0.03358306363,0.05292207003,0.05277142301,0.1788257211,0.05630744249,45,0.1843936592,0.3246493042,4072.076416,3636.177979,3.410432816,732973.75,654512.0625,613.8779297,614969.0625,710779.5,750011.625,0.973346889,2.898646116,0.03581296653,0.1161878183,0.4772547781,0.370744437 +Colombia,COL,Latin America and Caribbean,LCN,2014,geih,Young worker,8158630,0,1,0,0.7735108733,1,0.3357414305,0.2543960512,0.0813453719,4451299,0.5455939174,0.4609115422,0.1440556794,0.4437455833,0.05353727564,0.8133257031,0.1866742671,0.8133257031,0.1866742671,0.583578825,0.4083209038,0.005576247349,0.7236443162,0.2759789228,0.2959911525,0.287091583,0.2736742795,0.0127053801,0.1682164222,0.2018472254,0.6299363375,0.9318614602,0.8317835927,0.009207096882,0.1232103333,0.00433390541,0.06509588659,0.306099385,0.08269838989,0.07668639719,0.02026743814,0.1441847533,0.03686322644,0.006797674112,0.1324933171,0.1720725745,0.1816542298,0.1636913568,0.04812178761,0.04608635232,0.1756462604,0.03657319769,45,0.2815308869,0.2681070566,3388.130859,3025.446045,2.83761692,609863.5625,544580.3125,510.7710571,518239.7188,617073.625,621685.5,0.973346889,2.898646116,0.01711622812,0.04924201965,0.6272664666,0.3063752949 +Colombia,COL,Latin America and Caribbean,LCN,2015,geih,Female,23718963,0.2538199127,0.1736365557,0.08438425511,0.7857711911,0.6617958546,0.3324400485,0.2463455349,0.08609450608,10000999,0.6371235251,0.6371235251,0.2227212936,0.5595115423,0.08400341123,0.8781837821,0.1218162328,0.7618889809,0.2381110489,0.5188371539,0.4542301595,0.0251024887,0.6223552823,0.3673622608,0.3559842408,0.3527839482,0.3696444631,0.04688003659,0.06594061852,0.1346378177,0.7994215488,0.9340593815,0.9251834154,0.003581668483,0.1212272048,0.002938323189,0.006890626624,0.3359902203,0.0325650014,0.107144095,0.0310495533,0.2926726937,0.08099476993,0.02776533179,0.1243795305,0.2281245589,0.3338745534,0.05799391121,0.074634552,0.008885976858,0.03055148572,0.03279532492,45,0.3194963038,0.2180367857,4180.352539,3554.937744,3.501116037,752463.4375,639888.8125,630.2008667,643944.5625,735548.4375,762874.75,,2.834180832,0.04927663505,0.1487294436,0.4631271362,0.3388668001 +Colombia,COL,Latin America and Caribbean,LCN,2015,geih,Higher education,28184505,0.1741799265,0.2653942406,0.03251361102,0.8464895487,0.7933064699,0.3324400485,0.2463455349,0.08609450608,16698946,0.7468573451,0.6657858491,0.1240289286,0.6688178778,0.07388666272,0.8955096006,0.1044904292,0.8146770597,0.1853229105,0.5680392385,0.3911968768,0.03959712386,0.5255952477,0.4631341696,0.4354552329,0.4520457387,0.4671242237,0.05565028265,0.07188232988,0.2062527239,0.7218649387,0.966157794,0.8727241158,0.008316765539,0.1327879727,0.006873447914,0.05827453732,0.2823063135,0.09116428345,0.1086636558,0.04197337851,0.1977573335,0.08520404994,0.0348536633,0.1219341308,0.1786355674,0.1985791624,0.06769771129,0.04637621716,0.04874888062,0.1538911164,0.06407949328,45,0.1929106712,0.2909661531,4457.520508,3790.63916,3.733248711,802353.625,682315,671.9847412,673021.3125,778759.875,824959.0625,0.9843512177,2.834180832,0,0,0.4798324406,0.5201675892 +Colombia,COL,Latin America and Caribbean,LCN,2015,geih,Lower education,18631240,0.4073397219,0.04125270247,0.1473340988,0.6536694169,0.4453261793,0.3324400485,0.2463455349,0.08609450608,6132236,0.739092648,0.5540613532,0.3280830085,0.6964817047,0.1042266637,0.9423469901,0.05765303224,0.8970482349,0.1029517502,0.3527430296,0.6055845618,0.04069068283,0.8561676741,0.1368061751,0.1066574305,0.1317655444,0.1367247105,0.002256219042,0.3521310985,0.1788196415,0.4690492749,0.8282064199,0.4988048375,0.01275740378,0.08457573503,0.002430542139,0.0790559575,0.2423512042,0.06619142741,0.05050262809,0.002802115167,0.1072018892,0.001976052066,0.004037244245,0.0121716084,0.1424510479,0.1971966326,0.3504030406,0.063638255,0.04278267547,0.1840163171,0.001327116508,45,0.2238703072,0.336753428,3476.720459,2956.574707,2.911812305,625809.625,532183.4375,524.1261597,602901.625,674000.3125,614357.4375,0.9843512177,2.834180832,0.1411760896,0.412902683,0.4459212124,0 +Colombia,COL,Latin America and Caribbean,LCN,2015,geih,Male,23096782,0.2804751694,0.1788177639,0.07186672091,0.753303349,0.6476581097,0.3324400485,0.2463455349,0.08609450608,12830183,0.8577003479,,0.06358781457,0.7988629341,0.08112287521,0.9314009547,0.06859902292,0.8679704666,0.1320295632,0.500089407,0.4485420883,0.05077880621,0.614336431,0.3757192492,0.3348499537,0.3700992167,0.378500253,0.0362761803,0.211768657,0.2456222922,0.542609036,,0.7687162757,0.01394430548,0.1179709807,0.007617229596,0.1060897857,0.2235288322,0.1221573651,0.08165569603,0.03106018156,0.08420696855,0.04805103317,0.02516132779,0.06705891341,0.1247657239,0.09847494215,0.2115376145,0.03395510092,0.07516113669,0.2591075599,0.0567266494,45,0.1148474365,0.3667071462,4218.270508,3587.182861,3.532872915,759288.625,645692.875,635.9170532,626261.4375,760037.625,816176.9375,,2.834180832,0.05399397761,0.1533655673,0.4716726542,0.3209677935 +Colombia,COL,Latin America and Caribbean,LCN,2015,geih,Old worker,22407335,0,0,0,0.7935946584,1,0.3324400485,0.2463455349,0.08609450608,18319461,0.8175653815,0.7000777125,,0.7594723105,0.08806281537,0.9289438128,0.07105618715,,,0.49180004,0.4603075683,0.0470546931,0.5943188667,0.3934447765,0.3546943963,0.3787808716,0.3973325789,0.04693892971,0.1455194205,0.1978507191,0.6566298604,0.9358051419,,0.009563150816,0.11894802,0.006046989467,0.06329255551,0.2644716799,0.08413318545,0.09465493262,0.03362323344,0.1797468364,0.06815584004,0.03020111285,0.08292747289,0.167354852,0.2014517784,0.1416794211,0.0527299419,0.04718820006,0.1599421799,0.04836920276,45,0.1844753921,0.316285938,4425.17041,3763.128906,3.706155062,796530.625,677363.1875,667.1078491,642106.6875,790569.1875,835327.5625,0.9843512177,2.834180832,0.0643838793,0.1889778376,0.4134077132,0.3332305551 +Colombia,COL,Latin America and Caribbean,LCN,2015,geih,Rural,10779184,0.3222455382,0.1731812954,0.07550608367,0,0.6022483706,0.3324400485,0.2463455349,0.08609450608,4552433,0.7012647986,0.4893594682,0.2145061493,0.6584221125,0.1346636415,0.9389064908,0.06109348685,0.8840849996,0.1159150228,0.3658656776,0.5969996452,0.03607974946,0.8583139181,0.1379231066,0.1265666932,0.129207626,0.1371080726,0.01246798038,0.5920068026,0.1239543036,0.2840389013,0.6345694661,0.4133488238,0.01930276863,0.06043433025,0.002617967082,0.04159924015,0.1374144852,0.03991967067,0.01625315286,0.006659789942,0.08379179239,0.01553397253,0.004688945133,0.01978331432,0.08047101647,0.1157611683,0.5851995945,0.05238320306,0.02027204819,0.0986327827,0.007273924071,45,0.2654080391,0.2612971961,3744.20166,3184.038574,3.13583231,673956.25,573126.9375,564.4497681,617502.375,763936,745504.625,0.9843512177,2.834180832,0.0999378711,0.2604289949,0.4673670828,0.1722660363 +Colombia,COL,Latin America and Caribbean,LCN,2015,geih,Total,46815745,0.2669704258,0.1761927307,0.07820867002,0.7697530389,0.654820919,0.527135108,0.407699904,0.119435204,22831182,0.744755831,0.6371235251,0.1430423111,0.6763050528,0.0823431164,0.9080896378,0.09191035479,0.823413074,0.1765869409,0.508031249,0.4509516358,0.03990192339,0.6240282756,0.3759717244,0.3438028693,0.3627623618,0.3747495413,0.04076813534,0.1499924511,0.198606655,0.6514009237,0.9340593815,0.8295167685,0.009554446675,0.1193503961,0.005635133944,0.06406667084,0.2711701393,0.08420392126,0.09245318919,0.03105567954,0.1725179851,0.06200650707,0.0262644235,0.09134080261,0.1685501039,0.1981938183,0.1464941502,0.05118754134,0.04708596319,0.1622876972,0.04658897221,45,0.2015398294,0.3037281036,4200.814941,3572.338867,3.518253565,756146.6875,643021,633.2856445,629295.25,752437.875,786518.4375,0.9843512177,2.834180832,0.05164967105,0.1510616243,0.4674259126,0.3298627734 +Colombia,COL,Latin America and Caribbean,LCN,2015,geih,Urban,36036561,0.2504366338,0.1770935059,0.07901705801,1,0.6705462933,0.3324400485,0.2463455349,0.08609450608,18278749,0.7564397454,0.6729125381,0.1221384257,0.6811093688,0.06875531375,0.9004145265,0.09958548099,0.8056365848,0.1943634301,0.5449520946,0.4130225182,0.04089455307,0.5552538037,0.4330160916,0.4002276957,0.4234361649,0.43696329,0.04811777174,0.03518900275,0.2179959416,0.7468150258,0.9871199727,0.9633433819,0.00702253636,0.1346525401,0.006418776233,0.06990209222,0.3059101999,0.09570577741,0.112244457,0.0373919718,0.1955626458,0.07407556474,0.03186764196,0.1099245027,0.1914245188,0.2196018398,0.03256102279,0.05087702349,0.05404961854,0.1788190752,0.05679921061,45,0.1849530637,0.3147475421,4293.725098,3651.348877,3.596067429,772870.5,657242.8125,647.2921143,664782.75,750132.5,790584.5,0.9843512177,2.834180832,0.03393927962,0.1109495685,0.4674474895,0.3876636624 +Colombia,COL,Latin America and Caribbean,LCN,2015,geih,Young worker,8248594,0,1,0,0.7736883163,1,0.3324400485,0.2463455349,0.08609450608,4511721,0.5469684601,0.4601351619,0.1430423111,0.4503810108,0.05614224449,0.823413074,0.1765869409,0.823413074,0.1765869409,0.5823833346,0.4080939293,0.00713645434,0.7249904871,0.2747650743,0.2939062119,0.2893947363,0.2725417912,0.01250090823,0.1704832613,0.2020695508,0.6274471879,0.9251834154,0.8295167685,0.009514574893,0.1211936548,0.003748434829,0.06761289388,0.3018556237,0.08452796191,0.08236704022,0.01929377951,0.1394027919,0.03383759409,0.008231203072,0.1298806667,0.1740253717,0.183269769,0.1685494781,0.0441220887,0.04661764205,0.173032105,0.03843408078,45,0.2797088027,0.2462031096,3628.351318,3085.520508,3.038805485,653103.1875,555393.6875,546.9849854,575059.5,659145.375,661855.375,0.9843512177,2.834180832,0.01632560976,0.04588390887,0.6172697544,0.3205207288 +Colombia,COL,Latin America and Caribbean,LCN,2016,geih,Female,23980373,0.2502497435,0.1723113358,0.08822877705,0.7870708704,0.6615214944,0.3295521736,0.2396618128,0.08989036828,10090949,0.6361098289,0.6361098289,0.2134575993,0.5569667816,0.07400814444,0.8755826354,0.1244173348,0.7610547543,0.2389452755,0.5200333595,0.4545447528,0.02373934165,0.6094403863,0.3803540468,0.3672568202,0.3685598969,0.3838607371,0.04657923803,0.06632751226,0.1284708232,0.8052016497,0.9336724877,0.9241122007,0.003320711199,0.115821898,0.002623061882,0.006705153733,0.3447244465,0.02992296405,0.1122658476,0.03113136999,0.2871570289,0.0002317932522,0.005169170443,0.006200809032,0.00007119040674,0.002765221056,0.006333795842,0.007398709189,0.001999103697,0.0009241171647,0.00008816744958,45,0.3135548234,0.2049319446,4371.006348,3457.176514,3.660791636,786781.125,622291.75,658.9425049,671370.9375,761046.3125,801647.25,,2.923924923,0.04635165632,0.1384760737,0.4546196461,0.360552609 +Colombia,COL,Latin America and Caribbean,LCN,2016,geih,Higher education,29048593,0.1703243554,0.2614346147,0.03653054684,0.8437463641,0.7931451201,0.3295521736,0.2396618128,0.08989036828,17146138,0.7441981435,0.663013339,0.1232952401,0.6628872752,0.06486406177,0.8907402754,0.1092597097,0.80871737,0.1912826151,0.568932116,0.3942576647,0.03560844064,0.5177770257,0.4709245563,0.4394263923,0.4647001922,0.4760041535,0.05575987697,0.07509799302,0.2014830261,0.723418951,0.9655534625,0.867510736,0.006943181623,0.1287084967,0.00668826513,0.05914309621,0.2860924304,0.08686304092,0.1127337515,0.04227572307,0.1954540312,0.0002968685003,0.01317823678,0.0277847033,0.0002427852596,0.003183315508,0.007248396985,0.004999686964,0.00560259074,0.0010334088,0.00006514868437,45,0.1883675754,0.2832995653,4625.24707,3658.26416,3.873722553,832544.4375,658487.5,697.2700195,711311.4375,807917.5,854253.25,0.9852762818,2.923924923,0,0,0.4642401338,0.5357598662 +Colombia,COL,Latin America and Caribbean,LCN,2016,geih,Lower education,18288543,0.4108814597,0.03707446903,0.1533421278,0.6558802128,0.4357764423,0.3295521736,0.2396618128,0.08989036828,5881632,0.7379977107,0.5521577001,0.3356434405,0.6975778341,0.09696704894,0.9452303648,0.05476966128,0.8846814036,0.1153185889,0.3394916952,0.6205874085,0.03935356066,0.8494496942,0.1438556463,0.1082211211,0.1400257796,0.1447152793,0.002516774461,0.3571922779,0.176363349,0.4664443731,0.8217508793,0.5133561492,0.01262204256,0.08170361817,0.001825302723,0.08021239191,0.2441690564,0.07024662942,0.05238902941,0.003312026849,0.09632762522,0,0,0.0003498517908,0.00002518213478,0.00008615887054,0.00008975632227,0.00000107923438,0.000002698085837,0.00002050545299,0.00004820579852,45,0.2200857401,0.3411666453,3723.960205,2945.406006,3.118879557,670312.8125,530173.0625,561.3983154,663441.1875,697085.25,658260.25,0.9852762818,2.923924923,0.1427906603,0.4080443978,0.449164927,0 +Colombia,COL,Latin America and Caribbean,LCN,2016,geih,Male,23356763,0.2766232491,0.1772615463,0.07491645962,0.7548342347,0.648460269,0.3295521736,0.2396618128,0.08989036828,12936821,0.8541448712,,0.06808637083,0.792080164,0.07300659269,0.9273369908,0.07266297936,0.856837213,0.1431628019,0.4986190796,0.454741776,0.04608539864,0.603970468,0.3860596716,0.3390926123,0.3850690722,0.3898180723,0.03784761578,0.2122664601,0.243609339,0.544124186,,0.7701189518,0.01224207319,0.1164181083,0.007428570185,0.1075205803,0.2234908044,0.1210939884,0.08511725068,0.03242829442,0.08199386299,0.0002072220523,0.01296979934,0.03096719272,0.0002683217172,0.002055966062,0.004604564048,0.0009164115763,0.005661429837,0.000644505606,0.0000403441154,45,0.1108677164,0.3678326309,4427.118652,3501.557617,3.707786798,796881.375,630280.375,667.4016113,685112.25,796062.125,842893.1875,,2.923924923,0.05368175358,0.1474875957,0.4632177949,0.3356128633 +Colombia,COL,Latin America and Caribbean,LCN,2016,geih,Old worker,22737119,0,0,0,0.794631958,1,0.3295521736,0.2396618128,0.08989036828,18586889,0.8174689412,0.69806391,,0.7568807006,0.07896498591,0.9258830547,0.07411692291,,,0.4911355376,0.465190351,0.04296442121,0.5852625966,0.4025935829,0.3593393266,0.3922377825,0.4077324271,0.04756623879,0.1465853006,0.1937912703,0.6596234441,0.9355448484,,0.008624275215,0.1157083586,0.005864948966,0.06359369308,0.2676566839,0.08398348838,0.09870586544,0.03487344086,0.1744039357,0.0002434732014,0.01084519178,0.01909823529,0.0001987299183,0.002617656486,0.006149296183,0.004041248467,0.004579795059,0.0007267007022,0.00006560411566,45,0.1814612746,0.3086873591,4616.562988,3651.395508,3.866449594,830981.3125,657251.125,695.9608765,695108.75,821141.625,865453.625,0.9852762818,2.923924923,0.0623662807,0.1803241819,0.403316319,0.353993237 +Colombia,COL,Latin America and Caribbean,LCN,2016,geih,Rural,10832399,0.3170078993,0.1733861566,0.07854003459,0,0.6044520736,0.3295521736,0.2396618128,0.08989036828,4601558,0.7027783394,0.4972235262,0.207017079,0.6629934907,0.1250464171,0.9433891773,0.0566108264,0.8812341094,0.1187658906,0.3582000732,0.6061358452,0.03458072618,0.8449459076,0.1513038278,0.1342545301,0.1445704848,0.151200518,0.01339235157,0.583568275,0.1204549819,0.2959767282,0.6454342008,0.4258261025,0.01981815696,0.05612694845,0.00234728097,0.04216259345,0.1419375837,0.04175805673,0.02105388232,0.007864278741,0.08336291462,0.00002257513188,0.001190723036,0.004586207215,0.00009790235345,0.001117008273,0.0009262714884,0.0002543157607,0.0001492722949,0.00009030052752,0.000009444697753,45,0.2602053285,0.2781210244,4094.91748,3238.808594,3.429562569,737085.1875,582985.5625,617.3212891,684450.125,835563.8125,806148.5625,0.9852762818,2.923924923,0.09579912573,0.2503299117,0.4673444927,0.1865264773 +Colombia,COL,Latin America and Caribbean,LCN,2016,geih,Total,47337136,0.2632627785,0.1747538298,0.08166030794,0.7711648941,0.6550769061,0.5265383091,0.4018807198,0.1246575893,23027770,0.7426045661,0.6361098289,0.140700236,0.6718030433,0.07343137264,0.9046578407,0.09534214437,0.8158217072,0.1841783226,0.5077013969,0.4546582103,0.03660789877,0.612457756,0.3875422741,0.3510377407,0.3780633509,0.3872917593,0.04155090824,0.1503747255,0.194779858,0.6548454165,0.9336724877,0.8316239715,0.008458582684,0.1161652654,0.005390585866,0.06476543099,0.2749052048,0.08242896199,0.09663078934,0.03187827766,0.1690021902,0.0002176432899,0.0096613653,0.02046317235,0.0001847135718,0.002356778132,0.00533797266,0.003665710101,0.004108149093,0.0007630955661,0.00006062714237,45,0.1968321949,0.2987425327,4404.864258,3483.955811,3.689148426,792875.5,627112.0625,664.0466309,684152.8125,784702.8125,821106.9375,0.9852762818,2.923924923,0.05004867911,0.1430211365,0.4589562416,0.3479739428 +Colombia,COL,Latin America and Caribbean,LCN,2016,geih,Urban,36504737,0.2473144829,0.1751596779,0.08258621395,1,0.670099318,0.3295521736,0.2396618128,0.08989036828,18426212,0.7532647848,0.669747293,0.1212206483,0.6741610765,0.05984448642,0.894985497,0.1050144732,0.7965189815,0.2034810036,0.5470553637,0.4147840142,0.03714152053,0.5434678793,0.4447987378,0.4081026912,0.4394928813,0.4499412775,0.04896322638,0.03633853793,0.2143455297,0.7493159175,0.9868149757,0.9641051888,0.005468228366,0.1319700629,0.006191721652,0.07071551681,0.3099083006,0.09313538671,0.1165260598,0.03819984943,0.1915463358,0.0002689920657,0.01189113501,0.02464254759,0.0002075653319,0.002683129162,0.006499287207,0.00456370879,0.005150264129,0.0009401988355,0.00007410015678,45,0.1801501513,0.3041708469,4465.334961,3531.78418,3.739793539,803760.3125,635721.1875,673.1628418,683119.6875,776509.125,822833.3125,0.9852762818,2.923924923,0.03338733688,0.1039415672,0.4559013844,0.4067696929 +Colombia,COL,Latin America and Caribbean,LCN,2016,geih,Young worker,8272346,0,1,0,0.7729558349,1,0.3295521736,0.2396618128,0.08989036828,4440881,0.536834538,0.4602157772,0.140700236,0.4379612505,0.04714643955,0.8158217072,0.1841783226,0.8158217072,0.1841783226,0.5863900781,0.4046299756,0.006414080039,0.706173718,0.2936082482,0.3116048276,0.3107201159,0.2913557291,0.01297776122,0.1683760434,0.1994760334,0.6321479082,0.9241122007,0.8316239715,0.007671475876,0.1183357388,0.003137164051,0.07033166289,0.3093385994,0.07504431158,0.08677333593,0.01764999889,0.1433416754,0.00009494979895,0.004038126674,0.02694669925,0.00011813522,0.001117592328,0.001484142733,0.001881883014,0.00186780619,0.0009359731921,0.00003698626097,45,0.2698448598,0.2515040934,3849.430664,3044.644775,3.223963261,692897.5,548036.0625,580.3133545,622702.5625,693465.5625,699915.1875,0.9852762818,2.923924923,0.01558609307,0.03865347803,0.6146274209,0.3311330378 +Colombia,COL,Latin America and Caribbean,LCN,2017,geih,Female,24247201,0.2476474345,0.1700699031,0.09032399207,0.7882658243,0.6620285511,0.3289149702,0.2350285649,0.09388639033,10203334,0.6356290579,0.6356290579,0.2207301259,0.5548046827,0.06765078753,0.8728434443,0.1271565706,0.7573751807,0.2426248193,0.5227069855,0.4525606632,0.02354615368,0.6035615802,0.3879272044,0.3719029129,0.3792659342,0.3912123144,0.04499224201,0.07079011202,0.1359098852,0.7933000326,0.929209888,0.9184015393,0.003293879796,0.1229614392,0.002991444897,0.006663115695,0.3337335885,0.02941727825,0.1165173203,0.03147199377,0.2821598351,0.0004700247955,0.005107280798,0.008507269435,0.000009993360436,0.002265124349,0.006785940845,0.007192075718,0.002264226088,0.0009704788099,0.00008455057105,45,0.3097564578,0.1996078342,4665.436035,,3.907381535,839778.5,,703.3286743,746889.0625,821350.25,848099.375,,2.825086355,0.04711552337,0.1299365312,0.4415787458,0.3813692033 +Colombia,COL,Latin America and Caribbean,LCN,2017,geih,Higher education,29593174,0.166298449,0.2574003637,0.0377859436,0.8447756171,0.7959156036,0.3289149702,0.2350285649,0.09388639033,17471538,0.7417756319,0.6615854502,0.1278330535,0.6593065858,0.06094446406,0.8888220787,0.1111779064,0.8058570623,0.1941429377,0.5690202713,0.3928319216,0.03733734787,0.5129293799,0.4770167768,0.4417752922,0.4722275734,0.4818041027,0.05234782398,0.07973846793,0.2005413771,0.7197201252,0.9599590302,0.8578111529,0.007123041898,0.1293465793,0.006698147859,0.05737361312,0.282525599,0.08802869916,0.1141454056,0.04123492539,0.1937855184,0.0004779420851,0.01285716984,0.02786102332,0.0001993035257,0.002828757744,0.007257481571,0.004931844771,0.005803370848,0.001234844676,0.00006227027916,45,0.1855023801,0.2717111111,4906.027832,,4.108881474,883085,,739.5986328,784135.8125,863516.625,903685.125,0.9863474965,2.825086355,0,0,0.4470443726,0.5529556274 +Colombia,COL,Latin America and Caribbean,LCN,2017,geih,Lower education,18270371,0.4125989079,0.03531854972,0.1572415233,0.655436039,0.4301595688,0.3289149702,0.2350285649,0.09388639033,5819562,0.7404800057,0.5505592227,0.3557787836,0.6995530725,0.09933120012,0.9447291493,0.05527082458,0.8975836635,0.1024163216,0.3335644007,0.6247552037,0.04121966287,0.8502865434,0.1442348063,0.1089310274,0.1402115077,0.144880861,0.002255584346,0.3678116798,0.1800038218,0.4521844983,0.8157025576,0.484998703,0.01268296689,0.08807982504,0.001938365283,0.07730266452,0.2312226892,0.0689426735,0.0530013293,0.003088831902,0.09592897445,0.000001636985644,0.00001727929339,0.0005738544278,0.00005129221972,0.00008184928447,0.00003255782576,0.000002728309482,0.00001746118141,0.0001158622108,0.0002219025046,45,0.2254363894,0.3398238719,3993.898438,,3.34495759,718901.75,,602.0923462,718107.25,748082,701919.1875,0.9863474965,2.825086355,0.1460055262,0.3984400332,0.4555544257,0 +Colombia,COL,Latin America and Caribbean,LCN,2017,geih,Male,23616344,0.273322463,0.1752539724,0.0762591809,0.7563156486,0.6504184008,0.3289149702,0.2350285649,0.09388639033,13087766,0.852040112,,0.07081446052,0.7891073227,0.07342857122,0.9261386395,0.07386134565,0.8567011952,0.1432988048,0.496250093,0.4541428089,0.04923131317,0.5993570089,0.391530931,0.3421414495,0.3898870945,0.3950235546,0.03503134847,0.216979593,0.2387146056,0.5443058014,,0.7564944625,0.01245847438,0.1153200865,0.007262719329,0.1036733314,0.2216295749,0.1224369928,0.08466846496,0.03110579401,0.0844649747,0.0002677155426,0.01272741891,0.02970413119,0.0002712630667,0.001996935112,0.004326844122,0.001035386696,0.005779355299,0.0009215354221,0.0001183063359,45,0.1123206317,0.3555833995,4732.094727,,3.963209391,851777,,713.3776245,746119.0625,845968,899071.875,,2.825086355,0.05261335522,0.1422358006,0.4582116902,0.3469391465 +Colombia,COL,Latin America and Caribbean,LCN,2017,geih,Old worker,23150267,0,0,0,0.7958620787,1,0.3289149702,0.2350285649,0.09388639033,18897284,0.8162879348,0.6970918775,,0.7537856102,0.07585268468,0.9234309793,0.07656899095,,,0.4914496839,0.4630651176,0.04500904307,0.5803319216,0.4090089798,0.3638111055,0.4003334343,0.4136707783,0.0452096127,0.1501980424,0.1962685734,0.6535333991,0.9312769175,,0.008461229503,0.119039841,0.005828455091,0.06293904781,0.2604806721,0.08377432823,0.1009840593,0.03433296829,0.1739613414,0.0003955226857,0.01062856894,0.01955768466,0.0001699681598,0.00227181986,0.006122865248,0.003982045688,0.004805698059,0.00106124091,0.0001174763092,45,0.1801935881,0.2993088663,4911.858887,,4.113764763,884134.625,,740.4777222,762999.5,872360.4375,916999.1875,0.9863474965,2.825086355,0.06164326146,0.1707909405,0.3960050941,0.3715606928 +Colombia,COL,Latin America and Caribbean,LCN,2017,geih,Rural,10888894,0.3160470724,0.1693604439,0.0805862397,0,0.603366673,0.3289149702,0.2350285649,0.09388639033,4643697,0.7068036199,0.4978885651,0.2072935551,0.6674847007,0.1324026734,0.9443708062,0.05562916771,0.8947948217,0.1052051708,0.3591806889,0.6030598879,0.03702513874,0.8394836187,0.1571399122,0.1379730105,0.1514659226,0.1571819633,0.01325018704,0.6014293432,0.1250587255,0.2735119462,0.6164171696,0.3974665105,0.01929748058,0.06331074983,0.002737431787,0.03971305862,0.1279233992,0.0375024043,0.01936657727,0.008029860444,0.08068970591,0,0.001002195524,0.005033096299,0.0003174189187,0.0009848651243,0.0007483972004,0.0003244878608,0.0002939317492,0,0.00002964400664,45,0.2746291459,0.2742843628,4467.510254,,3.741615295,804151.8125,,673.4907227,746858.3125,883785.9375,871911,0.9863474965,2.825086355,0.0974727273,0.2435224503,0.459248513,0.1997563243 +Colombia,COL,Latin America and Caribbean,LCN,2017,geih,Total,47863545,0.2603157461,0.172627762,0.08338427544,0.7725012898,0.6562999934,0.5236934709,0.3966413968,0.1270520742,23291100,0.741451484,0.6356290579,0.1456349492,0.6693758324,0.07098140568,0.9027911425,0.09720885009,0.8140215874,0.1859784275,0.5074558258,0.4534727037,0.03835245222,0.6065100687,0.3934899313,0.3547468185,0.3853873909,0.3934087455,0.03925025091,0.1550607234,0.1951714456,0.6497678161,0.929209888,0.8212156892,0.008576790802,0.1185565963,0.005453611724,0.06258444488,0.2691114843,0.08303829283,0.09815811366,0.0312609002,0.1681990623,0.000353402982,0.009499934502,0.02072626911,0.0001606031292,0.002110525733,0.005368386395,0.003643032396,0.004290533718,0.0009422652656,0.0001040091884,45,0.195943892,0.2895205021,4699.151855,,3.935619116,845847.375,,708.411499,746172.5,837943.1875,870151.9375,0.9863474965,2.825086355,0.04988316074,0.1361280531,0.4499518573,0.3640369177 +Colombia,COL,Latin America and Caribbean,LCN,2017,geih,Urban,36974651,0.2439030707,0.1735899746,0.0842082873,1,0.6718886495,0.3289149702,0.2350285649,0.09388639033,18647403,0.7506145239,0.6687551141,0.1279191524,0.6698759794,0.05479578301,0.8924366832,0.107563287,0.7901039124,0.2098960876,0.546528995,0.4140537381,0.03870222718,0.5383294225,0.4513686597,0.4118706584,0.4469832778,0.456094414,0.04610174149,0.03741525486,0.2136504352,0.7489343286,0.9867776632,0.9633449316,0.005751232151,0.1331172585,0.006169491448,0.06861245632,0.3063231707,0.09503978491,0.1189245135,0.03738370165,0.1912631392,0.0004465311649,0.01173924468,0.02486170828,0.0001192792843,0.002407158026,0.006585838739,0.004517530091,0.005343711935,0.001190569485,0.0001236057869,45,0.1752088964,0.293535471,4751.015625,,3.979055882,855182.8125,,716.2300415,743119.625,832318.3125,869864.4375,0.9863474965,2.825086355,0.0327597484,0.09748599678,0.4466068149,0.42314744 +Colombia,COL,Latin America and Caribbean,LCN,2017,geih,Young worker,8262577,0,1,0,0.776807189,1,0.3289149702,0.2350285649,0.09388639033,4393816,0.5317730904,0.4578364789,0.1456349492,0.432874769,0.0472147055,0.8140215874,0.1859784275,0.8140215874,0.1859784275,0.5855489373,0.4066717625,0.005875312258,0.7026489377,0.2972831428,0.3105225861,0.3124227822,0.2955985665,0.0101748528,0.1787843406,0.1898188591,0.6313968301,0.9184015393,0.8212156892,0.00914057903,0.1161989942,0.003624857171,0.06085442379,0.3112187088,0.07944737375,0.08437111229,0.01627312787,0.140086472,0.000147903309,0.003993389197,0.0264277216,0.0001149116433,0.001323580858,0.001687327982,0.001989005832,0.001777076395,0.0003617899492,0.00003830388232,45,0.2727887928,0.2417634726,4112.414551,,3.444216728,740234.625,,619.9590454,697937.25,741798.875,745897.375,0.9863474965,2.825086355,0.01616081595,0.03673146665,0.604645431,0.3424623013 +Costa Rica,CRI,Latin America and Caribbean,LCN,1989,ehpm,Female,1370777,0.3486256301,0.1901512742,0.05119140446,0.4528081417,0.6001829505,0.4122760892,0.3630900383,0.04918606579,281665,0.342359513,0.342359513,0.4372446239,0.325102061,0.03121506609,0.9495925903,0.05040739849,0.9101464748,0.08985351026,0.7929314375,0.1907936335,0.01627490483,0.3784616292,0.6210635304,,0.6224358678,0.6224358678,0.2178478539,0.01243506093,0.2813481987,0.7062167525,0.9875649214,0.9841889739,0.0001500102662,0.272118628,0.007022848818,0.002056719735,0.2023559511,0.009565128013,0.03535899892,0.06308721006,0.3958494663,,,,,,,,,,,45,0.2582812607,0.1907018125,77.265625,1075.236816,0.2285102457,13907.8125,193542.625,41.13184357,11169.13477,11848.4043,16005.78906,,1.873219013,0.06838947535,0.2424349636,0.5397894382,0.1493861079 +Costa Rica,CRI,Latin America and Caribbean,LCN,1989,ehpm,Higher education,1111073,0.3948525488,0.2328082919,0.0122125186,0.5650960803,0.5929349661,0.4122760892,0.3630900383,0.04918606579,409429,0.6214826107,0.4513351321,0.1488245577,0.5994119644,0.05555738509,0.9644871354,0.03551287204,0.9314584136,0.0685416013,0.7923416495,0.1694678813,0.03819048032,0.2535345256,0.7461438775,,0.7485852242,0.7485852242,0.240550831,0.02222838812,0.2785336077,0.6992380023,0.9958358407,0.9725549221,0.001401006011,0.2196260542,0.01789479144,0.03961174563,0.237994194,0.04276196659,0.07551014423,0.08768937737,0.2552823424,,,,,,,,,,,45,0.1383577734,0.2410733849,107.7160339,1498.988037,0.3185662031,19388.88672,269817.8438,57.34191895,13116.23438,15562.10645,22140,0.939247191,1.873219013,0,0,0.5942158103,0.4057841599 +Costa Rica,CRI,Latin America and Caribbean,LCN,1989,ehpm,Lower education,1615858,0.3270101845,0.1736755371,0.07624185085,0.3522759974,0.5967479944,0.4122760892,0.3630900383,0.04918606579,563986,0.5848899484,0.2659899592,0.3310741782,0.5621637106,0.04235968739,0.9611444473,0.03885557503,0.9272293448,0.07277065516,0.6671715379,0.2916918695,0.04113660008,0.4498074055,0.5501925945,,0.5540278554,0.5540278554,0.06113236025,0.1551020443,0.377535671,0.4673623145,0.9768633842,0.8029103279,0.002422349062,0.2485238016,0.01288249344,0.1137070134,0.2085115165,0.04852123931,0.01250608172,0.04895910621,0.1488643587,,,,,,,,,,,45,0.1533429921,0.2974232733,66.61499786,927.0216064,0.1970113963,11990.69922,166863.8906,35.46205139,11373.99414,12936.56152,12826.33789,0.939247191,1.873219013,0.1085817069,0.3586283922,0.532789886,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,1989,ehpm,Male,1356154,0.3607437015,0.2054685503,0.04910430685,0.425019592,0.5901520252,0.4122760892,0.3630900383,0.04918606579,691750,0.8643233776,,0.06257738173,0.8365151286,0.05459645763,0.9678265452,0.03217347339,0.9371078014,0.06289216876,0.6907590032,0.2599097192,0.04933128506,0.3625424504,0.6374575496,,0.641430676,0.641430676,0.1044400334,0.1299367845,0.3537114263,0.516351819,,0.8295842409,0.002818898996,0.215640828,0.01947278902,0.1157789007,0.2330692708,0.06387589872,0.04691693932,0.07007232308,0.1024173573,,,,,,,,,,,45,0.1022007987,0.3069882691,79.8052063,1110.578003,0.2360209525,14364.9375,199904.0469,42.48377228,11425.74707,14566.13086,18543.75,,1.873219013,0.07601222396,0.2338137776,0.5676060319,0.1225679666 +Costa Rica,CRI,Latin America and Caribbean,LCN,1989,ehpm,Old worker,1083752,0,0,0,0.4719751477,1,0.4122760892,0.3630900383,0.04918606579,677489,0.6251328588,0.3423857093,,0.6108888388,0.05953006819,0.977214396,0.02278560959,,,0.6832967997,0.2657389343,0.05096427351,0.3206122816,0.6791958809,,0.6808233857,0.6808233857,0.1694581658,0.08123801649,0.3076550364,0.6111069322,0.9889988303,,0.002117106225,0.2104838789,0.01720743068,0.07784662396,0.2184678167,0.05407945067,0.04589440301,0.08002588898,0.2126393765,,,,,,,,,,,45,0.1462205201,0.2826744318,91.20823669,1269.263794,0.2697449923,16417.48242,228467.4844,48.55410004,11671.57813,15453.74902,19969.94141,0.939247191,1.873219013,0.09391871095,0.2880609632,0.4822880328,0.1357322931 +Costa Rica,CRI,Latin America and Caribbean,LCN,1989,ehpm,Rural,1529840,0.3735841513,0.2075112462,0.04484717175,0,0.5815686584,0.4122760892,0.3630900383,0.04918606579,527354,0.5927277207,0.2746860385,0.2914423645,0.5701854825,0.04237745702,0.9619686007,0.03803138062,0.9320744872,0.06792552769,0.6892378926,0.2711147964,0.03964730725,0.4312396348,0.5687603951,,0.5734598041,0.5734598041,0.08505307883,0.1871327013,0.3350431323,0.4778241515,0.9740427136,0.7967513204,0.002554574283,0.2186622918,0.01493064687,0.09889562428,0.190055117,0.04307730496,0.02282028459,0.04937105998,0.1725003868,,,,,,,,,,,45,0.1401783526,0.291659385,72.51670837,1009.150452,0.2144654989,13053.00781,181647.0938,38.60379028,11414.9668,14170.03613,15403.25,0.939247191,1.873219013,0.08468869328,0.2923437655,0.5415263176,0.08144121617 +Costa Rica,CRI,Latin America and Caribbean,LCN,1989,ehpm,Total,2726931,0.3546521664,0.1977688521,0.05015344918,0.4389883578,0.5951943845,0.6801233784,0.5958593959,0.08426398247,973415,0.5997428238,0.342359513,0.2436612546,0.577282696,0.04792195186,0.9625504017,0.03744959831,0.9289788604,0.07102113217,0.7199254036,0.2401796877,0.03989493847,0.36713656,0.6328634698,,0.6360102296,0.6360102296,0.1370477527,0.09067525715,0.3295322657,0.5797924399,0.9875649214,0.8848780394,0.001927127945,0.2345120758,0.01531281881,0.07778025419,0.222806856,0.04572872818,0.04305502027,0.06773834676,0.2004635185,,,,,,,,,,,45,0.1470088065,0.2736044228,78.99055481,1099.241211,0.2336116582,14218.29883,197863.4219,42.0500946,11414.9668,13681.42676,17589.74805,0.939247191,1.873219013,0.07212332636,0.238212049,0.5534148216,0.1362497956 +Costa Rica,CRI,Latin America and Caribbean,LCN,1989,ehpm,Urban,1197091,0.330457747,0.1853184104,0.05693468451,1,0.6126075387,0.4122760892,0.3630900383,0.04918606579,446061,0.6082536578,0.4189994931,0.1752861291,0.5858931541,0.05446827039,0.9632382393,0.03676178679,0.9238371253,0.07616289705,0.7561577559,0.2036549598,0.04018731043,0.2913422883,0.7083621621,,0.7098846436,0.7098846436,0.1984844953,0.0100106569,0.3249236941,0.6650656462,0.996414423,0.9867563844,0.001402412425,0.2477667928,0.01563241705,0.06012207642,0.2501961887,0.04794603586,0.05997674912,0.08309838921,0.2238482833,,,,,,,,,,,45,0.1550915688,0.2522392571,91.57291412,1274.338623,0.2708235085,16483.125,229380.9688,48.7482338,12178.125,13187,18843.75,0.939247191,1.873219013,0.0541751273,0.160891071,0.5703962445,0.2145375907 +Costa Rica,CRI,Latin America and Caribbean,LCN,1989,ehpm,Young worker,539302,0,1,0,0.4113520682,1,0.4122760892,0.3630900383,0.04918606579,295926,0.5487203598,0.3423030376,0.2436612546,0.509749651,0.01996660791,0.9289788604,0.07102113217,0.9289788604,0.07102113217,0.8081365228,0.1786263883,0.01323710755,0.4790094197,0.5209906101,,0.5281093121,0.5281093121,0.05835865811,0.1151219532,0.3862041235,0.4986739159,0.9841889739,0.8848780394,0.00143499882,0.2967558503,0.01040492579,0.07760833204,0.2340468913,0.02409661375,0.03569974005,0.03590812162,0.1689225733,,,,,,,,,,,45,0.1489042789,0.2517953515,64.84210205,902.3497925,0.1917681247,11671.57813,162422.9688,34.51826096,11204.71582,12039.10254,12219.66602,0.939247191,1.873219013,0.0302598644,0.1424648166,0.6900315285,0.1372437775 +Costa Rica,CRI,Latin America and Caribbean,LCN,1990,ehpm,Female,1407441,0.3470617831,0.190010801,0.05124974996,0.4583773017,0.6016884446,0.4095364213,0.3594798446,0.05005659908,295726,0.3492107689,0.3492107689,0.4245949388,0.3288657367,0.02592128515,0.9417399764,0.05826001242,0.9002252817,0.09977474064,0.7837175727,0.1979339123,0.01834849268,0.4528989494,0.544616282,,0.5490505695,0.5490505695,0.2154057771,0.01249544136,0.257229805,0.7302747369,0.9875045419,0.9810770154,0.0002887362498,0.2484993339,0.004144884646,0.004296851344,0.223687008,0.009171174839,0.02662072144,0.05647072941,0.4143251181,,,,,,,,,,,46,0.2549518943,0.1933233291,87.327034,1020.841614,0.2582664788,15718.86621,183751.4844,46.48796844,9337.262695,14423.43848,17773.14453,,1.717062473,0.06986371428,0.2312497646,0.5587077737,0.1401787251 +Costa Rica,CRI,Latin America and Caribbean,LCN,1990,ehpm,Higher education,1067247,0.3384642899,0.255933255,0.01204407215,0.5809432864,0.6494916081,0.4095364213,0.3594798446,0.05005659908,433047,0.624736011,0.452290684,0.1336474568,0.5926081538,0.05061870441,0.9485737085,0.05142628774,0.9013518691,0.09864810109,0.7909060121,0.153582111,0.05551187322,0.3229927719,0.6748381853,,0.678688705,0.678688705,0.2328078151,0.02208115533,0.2825903594,0.695328474,0.9992409348,0.9675934911,0.001474334626,0.2163416743,0.01984621026,0.04492813349,0.229089722,0.04741053656,0.07577194273,0.07866591215,0.2643903792,,,,,,,,,,,46,0.1368787736,0.255833745,124.4968414,1455.351807,0.3681948185,22409.43164,261963.3125,66.27507019,14317.13672,19059.54492,24725.62305,0.9316658378,1.717062473,0,0,0.606954515,0.3930454552 +Costa Rica,CRI,Latin America and Caribbean,LCN,1990,ehpm,Lower education,1733962,0.3579351902,0.1612976491,0.07425306737,0.3558895886,0.5678117275,0.4095364213,0.3594798446,0.05005659908,579906,0.5889977813,0.2760216594,0.3304372132,0.5647758842,0.03892759234,0.9588760734,0.04112390801,0.9282259941,0.07177398354,0.6609436274,0.2901693583,0.04888698831,0.5644572973,0.4333936274,,0.4381784201,0.4381784201,0.06488925219,0.1464959085,0.3610407412,0.4924633503,0.9731283188,0.825437963,0.002313996898,0.2336738855,0.01147792209,0.1135749519,0.2166348994,0.05304029211,0.01153515,0.04706620052,0.1641867906,,,,,,,,,,,46,0.1684598178,0.3322735429,79.30208588,927.0310669,0.234532997,14274.37598,166865.5938,42.21594238,12605.30566,15391.38965,14624.16992,0.9316658378,1.717062473,0.1032680422,0.3500473201,0.5466846228,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,1990,ehpm,Male,1393768,0.3540058434,0.2047679424,0.04984689131,0.424726367,0.5961472988,0.4095364213,0.3594798446,0.05005659908,717227,0.8632022738,,0.05386844277,0.8284335732,0.05116672441,0.9597212672,0.04027874023,0.9238103628,0.07618962228,0.6888272762,0.2459765375,0.0651961714,0.4654951394,0.5324797034,,0.5368487239,0.5368487239,0.1042467207,0.1225917935,0.3556970358,0.5217111707,,0.8486560583,0.002717245603,0.2134740949,0.0213188976,0.1181867942,0.2222324312,0.07100047916,0.05112631619,0.06554302573,0.1118089184,,,,,,,,,,,46,0.1145490706,0.3429667354,95.16500092,1112.466431,0.2814469934,17129.70117,200243.9531,50.66046143,13072.16797,17472.75,21016.125,,1.717062473,0.06579064578,0.2287058979,0.5762024522,0.1293010116 +Costa Rica,CRI,Latin America and Caribbean,LCN,1990,ehpm,Old worker,1124904,0,0,0,0.4666335881,1,0.4095364213,0.3594798446,0.05005659908,708867,0.6301577687,0.3510248363,,0.6116921902,0.05199863389,0.9706969261,0.02930309996,,,0.676409483,0.2580995262,0.06549095362,0.4472260475,0.5508352518,,0.5547708869,0.5547708869,0.1677859873,0.07870806009,0.3010325432,0.6202594042,0.9902009964,,0.001921855146,0.2018475831,0.01930830814,0.07795480639,0.2141249329,0.05743741989,0.0463761948,0.07258523256,0.229735598,,,,,,,,,,,46,0.1566270143,0.3064491749,106.96875,1250.450684,0.3163561523,19254.375,225081.125,56.94410324,13072.16797,18805.47852,22748.41797,0.9316658378,1.717062473,0.08809591085,0.2755916715,0.496265173,0.1400472373 +Costa Rica,CRI,Latin America and Caribbean,LCN,1990,ehpm,Rural,1564100,0.3698414564,0.2007505894,0.04580973089,0,0.5843487978,0.4095364213,0.3594798446,0.05005659908,546008,0.5973960161,0.2823653519,0.2867634296,0.5743079782,0.04055583104,0.9613522291,0.03864778578,0.9307532907,0.06924667954,0.6799464822,0.2692081928,0.05084529519,0.5271915197,0.4708328843,,0.4770181179,0.4770181179,0.08449885994,0.1756711304,0.3417577147,0.4825711548,0.9692047238,0.8083664775,0.002375964308,0.22404176,0.01357972156,0.1017602757,0.1913207769,0.04379953817,0.01984514482,0.04966433346,0.177941367,,,,,,,,,,,46,0.1595083326,0.3174746633,85.50891113,999.5880127,0.2528894544,15391.60352,179925.8438,45.52009964,12666.20117,16416.76172,18674.52539,0.9316658378,1.717062473,0.08454297483,0.2817338407,0.5475443006,0.08617890626 +Costa Rica,CRI,Latin America and Caribbean,LCN,1990,ehpm,Total,2801209,0.3505168557,0.197353363,0.05055174232,0.4416339397,0.598931402,0.6696402905,0.5852370648,0.08440322573,1012953,0.6037632827,0.3492107689,0.2332063466,0.5762749712,0.04389477149,0.9544717073,0.04552827403,0.9166485667,0.08335141838,0.7161604762,0.2321378589,0.05170168728,0.46286549,0.5371345398,,0.5403622985,0.5403622985,0.1363678277,0.08571348339,0.3227140605,0.5915724635,0.9875045419,0.8959940672,0.001903782599,0.2252062857,0.01556622237,0.08003777266,0.2227196544,0.05028989539,0.04291782528,0.06250413507,0.2131409347,,,,,,,,,,,46,0.1550454795,0.2998050451,92.64465332,1083.003906,0.2739931643,16676.03906,194940.7188,49.31877136,12805.38965,16237.50098,19780.20117,0.9316658378,1.717062473,0.06785042584,0.229992345,0.5673552752,0.134801954 +Costa Rica,CRI,Latin America and Caribbean,LCN,1990,ehpm,Urban,1237109,0.326084435,0.1930581629,0.05654716119,1,0.6173684001,0.4095364213,0.3594798446,0.05005659908,466945,0.6113830209,0.424199909,0.1627950817,0.5786288977,0.04786062986,0.9464262128,0.05357376114,0.8954082727,0.1045917496,0.7591739893,0.1881071329,0.05271887407,0.3842766583,0.6133496761,,0.6156300902,0.6156300902,0.1977813393,0.009878721088,0.3066601753,0.6834611297,1,0.9912802577,0.001505730907,0.2261879891,0.01724085398,0.06172558665,0.2491890937,0.0557612963,0.06236821786,0.07332815975,0.242814362,,,,,,,,,,,46,0.1497557312,0.2788614929,106.4583359,1244.484009,0.3148466051,19162.5,224007.125,56.67238998,13829.0625,15977.8125,20604.375,0.9316658378,1.717062473,0.04404526576,0.1562040597,0.5956076384,0.2041430622 +Costa Rica,CRI,Latin America and Caribbean,LCN,1990,ehpm,Young worker,552828,0,1,0,0.4320222437,1,0.4095364213,0.3594798446,0.05005659908,304086,0.550055325,0.3452804387,0.2332063466,0.5042074323,0.02388964593,0.9166485667,0.08335141838,0.9166485667,0.08335141838,0.8142893314,0.1680490822,0.01766161993,0.4980089068,0.4992932379,,0.5047664046,0.5047664046,0.05825186148,0.1040059179,0.3793283999,0.5166656971,0.9810770154,0.8959940672,0.001856592018,0.2862001061,0.005794956814,0.08547676355,0.2451620549,0.03162640333,0.03388740122,0.036180567,0.1698092371,,,,,,,,,,,46,0.1511437297,0.283413589,78.5892334,918.697876,0.2324247658,14146.0625,165365.6094,41.83646011,11773.92773,14327.35742,14835.59961,0.9316658378,1.717062473,0.02840255015,0.1411430687,0.7058727741,0.124581635 +Costa Rica,CRI,Latin America and Caribbean,LCN,1991,ehpm,Female,1449744,0.3480973244,0.185218215,0.05238234997,0.4573979974,0.5995203257,0.4182653129,0.3671934307,0.0510718599,307736,0.3540650606,0.3540650606,0.3883933723,0.328576982,0.03657080606,0.9280129671,0.07198702544,0.8681492805,0.1318507493,0.7552725673,0.2242780626,0.02044939622,,,,,,0.1906189322,0.01214803755,0.2798251808,0.7080267668,0.9878519773,0.9820181131,0.0007513483288,0.26979357,0.006594755221,0.002685512416,0.2164664268,0.01133345719,0.03167193756,0.05155663192,0.396998316,,,,,,,,,,,44,0.3059619963,0.1872915477,114.46875,1039.64856,0.3385371268,20604.375,187136.7344,60.93667984,9000,19700.63281,21978,,1.800492287,0.0643825829,0.232338205,0.5624864101,0.1407928169 +Costa Rica,CRI,Latin America and Caribbean,LCN,1991,ehpm,Higher education,1147418,0.3782753944,0.2378418297,0.01045041997,0.5628672242,0.6112741828,0.4182653129,0.3671934307,0.0510718599,430722,0.614100337,0.4454799294,0.1177446991,0.5819184184,0.06364326924,0.9475949407,0.05240503326,0.8846290112,0.1153709739,0.7780815959,0.1696925163,0.05222589895,,,,,,0.2257608473,0.01962759532,0.2968404889,0.68353194,0.9971963167,0.9690641761,0.001167372335,0.2251795679,0.02027555183,0.05021799728,0.2269896418,0.05709631369,0.0748141408,0.08415836096,0.2404734492,,,,,,,,,,,44,0.1567293108,0.2501468956,157.96875,1434.732056,0.467186749,28434.375,258251.7656,84.0936203,17350.49023,23351.875,31280.04883,0.955493629,1.800492287,0,0,0.6239801049,0.3760198653 +Costa Rica,CRI,Latin America and Caribbean,LCN,1991,ehpm,Lower education,1717141,0.3398404717,0.1595710516,0.0797919333,0.362324357,0.5803676248,0.4182653129,0.3671934307,0.0510718599,581034,0.5830320716,0.2898230851,0.3256534636,0.550137341,0.05298293382,0.9435799122,0.05642010644,0.8969976306,0.103002362,0.6624618173,0.2912766337,0.04626157135,,,,,,0.05696969479,0.1494911611,0.3599701822,0.4905386567,0.9767665267,0.8256611824,0.002490222454,0.2425531745,0.009119937196,0.105806835,0.2163631767,0.05321092904,0.01870177127,0.03846038133,0.1638024151,,,,,,,,,,,44,0.2051078826,0.2981766462,100.2314835,910.340332,0.2964309156,18041.66602,163861.2656,53.35756302,15562.10645,20087.8125,17927.54492,0.955493629,1.800492287,0.1013543382,0.346109122,0.5525365472,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,1991,ehpm,Male,1414815,0.3625505865,0.1967684776,0.05164208636,0.4275442362,0.5858073235,0.4182653129,0.3671934307,0.0510718599,704020,0.8494357467,,0.06132741272,0.8093770742,0.06645607948,0.9528408051,0.04715917259,0.9030544162,0.09694556892,0.6932973266,0.2458233833,0.06087931246,,,,,,0.1025990695,0.1248604879,0.3550398946,0.5200996399,,0.8449718356,0.002418220975,0.2152451724,0.01877596974,0.118600525,0.2242405564,0.07815651596,0.05375695601,0.06567575037,0.09826984257,,,,,,,,,,,44,0.1323513091,0.3164810538,118.4828491,1076.106201,0.3504086733,21326.91211,193699.125,63.07355881,16184.58789,21987.08398,25876.94141,,1.800492287,0.06795773655,0.2188532054,0.5931307673,0.1200582683 +Costa Rica,CRI,Latin America and Caribbean,LCN,1991,ehpm,Old worker,1151050,0,0,0,0.4667130113,1,0.4182653129,0.3671934307,0.0510718599,718763,0.6244411469,0.3545382321,,0.6039025187,0.07019055635,0.9671087861,0.03289123252,,,0.6713238955,0.2683974802,0.06027862802,,,,,,0.1565876454,0.0795513317,0.3086245954,0.6118240952,0.9901331663,,0.001903299824,0.2111482024,0.01754474267,0.07802835107,0.2144546658,0.06196317822,0.04871127754,0.07013555616,0.2165594101,,,,,,,,,,,44,0.1852087229,0.2848176658,129.6842041,1177.841064,0.3835362494,23343.15625,212011.375,69.03652191,16790.60742,23180.25,27251.65234,0.955493629,1.800492287,0.08723768592,0.2702100575,0.5079503655,0.1346018761 +Costa Rica,CRI,Latin America and Caribbean,LCN,1991,ehpm,Rural,1596553,0.374381572,0.194469586,0.04667054489,0,0.5789479017,0.4182653129,0.3671934307,0.0510718599,545253,0.5898957253,0.2958609462,0.2781973779,0.5602685809,0.05678667128,0.9497756362,0.05022438988,0.9128975272,0.08710248023,0.6782867312,0.2734094262,0.04830381647,,,,,,0.08188951761,0.1735886931,0.3330121636,0.4933991134,0.9710761905,0.8170136809,0.002826361218,0.2217231542,0.0124554811,0.09600717574,0.2055168301,0.05049858242,0.02390293963,0.04685076699,0.1666299999,,,,,,,,,,,44,0.1934880018,0.2763521969,110.2166061,1001.028992,0.32596156,19838.98828,180185.2188,58.67307663,16134.79102,21778.25977,22409.43164,0.955493629,1.800492287,0.08061215281,0.2747523487,0.5645253658,0.08011011034 +Costa Rica,CRI,Latin America and Caribbean,LCN,1991,ehpm,Total,2864559,0.3552358449,0.1909229308,0.05201673135,0.4426531196,0.592747435,0.6870591962,0.5993038922,0.087755304,1011756,0.5958656271,0.3540650606,0.2219085395,0.5632653388,0.05753229186,0.9452891946,0.05471082032,0.891761899,0.1082380787,0.7118031979,0.2393899262,0.04880688339,,,,,,0.1290685087,0.08598869294,0.3291001618,0.5849111676,0.9878519773,0.8958147168,0.001843356993,0.2340575904,0.0145749636,0.07862424105,0.22155945,0.05511085689,0.0461403653,0.06080640852,0.2012940645,,,,,,,,,,,44,0.1844758838,0.2776934206,117.6224594,1068.291748,0.3478640914,21172.04297,192292.5313,62.61553574,15873.34766,21229.875,24356.25,0.955493629,1.800492287,0.06611937284,0.2257872522,0.5773732662,0.1307200789 +Costa Rica,CRI,Latin America and Caribbean,LCN,1991,ehpm,Urban,1268006,0.3311293423,0.186457321,0.05874814466,1,0.6101225019,0.4182653129,0.3671934307,0.0510718599,466503,0.6029983163,0.4195568264,0.1479894668,0.5668457747,0.05841280147,0.9400454164,0.05995459855,0.8589823842,0.1410176009,0.7513830066,0.1992160231,0.04940095916,,,,,,0.1850283593,0.01116457395,0.3257586658,0.6630767584,0.9996327758,0.9895325303,0.001003717538,0.2445931286,0.01638533175,0.06377650052,0.2352623641,0.05905046314,0.06513460726,0.07272671163,0.2309026122,,,,,,,,,,,44,0.1737744808,0.2792860568,129.921875,1179.999756,0.384239167,23385.9375,212399.9688,69.16304779,13392.85742,20598.42969,25489.43359,0.955493629,1.800492287,0.04608695954,0.1581059992,0.5951321125,0.2006749213 +Costa Rica,CRI,Latin America and Caribbean,LCN,1991,ehpm,Young worker,546910,0,1,0,0.4322996438,1,0.4182653129,0.3671934307,0.0510718599,292993,0.5357243419,0.3530066907,0.2219085395,0.4777385592,0.02385563403,0.891761899,0.1082380787,0.891761899,0.1082380787,0.8194963336,0.1622167826,0.01828689501,,,,,,0.05524760112,0.1041852757,0.3869788051,0.5088359118,0.9820181131,0.8958147168,0.001673915423,0.2988159955,0.006180232856,0.08030866832,0.2416426986,0.03574128449,0.03887312487,0.03443553299,0.1581432819,,,,,,,,,,,44,0.1825407594,0.2588809729,99.75801086,906.0401001,0.2950306535,17956.44141,163087.2188,53.10551453,14939.62012,18957.01563,18606.38281,0.955493629,1.800492287,0.02324100584,0.1355917007,0.718328774,0.1228385121 +Costa Rica,CRI,Latin America and Caribbean,LCN,1992,ehpm,Female,1479727,0.3383502364,0.1829898357,0.0548925586,0.4578641951,0.606757164,0.4132504761,0.360797286,0.05245319381,314038,0.3497725129,0.3497725129,0.3791081011,0.3309127092,0.02243987843,0.9460797906,0.05392022803,0.9052091837,0.09479084611,0.7898520827,0.1920634061,0.01808451489,0.4411941767,0.5564261675,,0.5577534437,0.5577534437,0.2062215209,0.00855864305,0.2603277862,0.7311136127,0.9914413691,0.9929122925,0,0.2517549098,0.004983063787,0.003589796368,0.2374206036,0.01671921089,0.02825987339,0.04713296145,0.4015809298,,,,,,,,,,,46,0.2523955405,0.2261220217,137.5,1025.408569,0.4066511989,24750,184573.5469,73.19721222,12449.68359,23086.54688,27198,,1.573328018,0.05852298066,0.2156687826,0.5749312043,0.1508770436 +Costa Rica,CRI,Latin America and Caribbean,LCN,1992,ehpm,Higher education,1205294,0.3582304418,0.2343718559,0.01420898177,0.573499918,0.6275605559,0.4132504761,0.360797286,0.05245319381,457326,0.6046126485,0.4420239925,0.1139981672,0.5820384622,0.04675287381,0.9626634121,0.03733660281,0.933216989,0.06678298116,0.8055313826,0.1495510489,0.04491755739,0.3238993287,0.6755328178,,0.6761052608,0.6761052608,0.225116685,0.01618725993,0.2842574418,0.6995552778,0.9985943437,0.9717770815,0.001082556439,0.2209582925,0.02091645077,0.0413001366,0.2434462756,0.05400132388,0.07149981707,0.08197263628,0.2486352473,,,,,,,,,,,46,0.1354809701,0.2779095769,183.1510468,1365.851929,0.5416624546,32967.1875,245853.3438,97.49924469,27361.99023,30000.00195,36058.125,0.9430330992,1.573328018,0,0,0.6110470891,0.3889528811 +Costa Rica,CRI,Latin America and Caribbean,LCN,1992,ehpm,Lower education,1726132,0.3407960832,0.1529743969,0.08153779805,0.3531033695,0.5776661634,0.4132504761,0.360797286,0.05245319381,581586,0.5832611322,0.2775108516,0.3157536089,0.5583485961,0.0463982597,0.9572874904,0.04271251336,0.9174970984,0.08250290155,0.6726041436,0.2777088284,0.04968702048,0.552274406,0.4462150633,,0.449034363,0.449034363,0.05521569774,0.1260135323,0.3700568676,0.503929615,0.9817043543,0.869382441,0.002530882601,0.2518477142,0.01043989044,0.105238378,0.2212504447,0.06456739455,0.01920082979,0.04126633704,0.1576445848,,,,,,,,,,,46,0.171247825,0.3478031456,123.9114609,924.0717773,0.3664635718,22304.0625,166332.9219,65.96343994,18688.90234,23086.54688,21681.92188,0.9430330992,1.573328018,0.09294193238,0.3348496854,0.5722084045,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,1992,ehpm,Male,1451699,0.3577642441,0.1899608672,0.05279675871,0.4293073118,0.5894389749,0.4132504761,0.360797286,0.05245319381,724874,0.8471241593,,0.04687307402,0.8179277778,0.05679170042,0.965534687,0.03446530178,0.9328685999,0.06713140011,0.7064471245,0.2334506363,0.0601022169,0.4557738304,0.5436775088,,0.5457986593,0.5457986593,0.09795557708,0.1032341048,0.3617796898,0.5349861979,,0.8759106994,0.002750625135,0.2279912382,0.02143830806,0.1095995083,0.2298626453,0.08173555136,0.05487694591,0.06966178864,0.09884929657,,,,,,,,,,,46,0.114160046,0.3554627299,143.760788,1072.098511,0.4251672328,25876.94141,192977.7344,76.53009796,19407.70508,26181.81641,30000.00195,,1.573328018,0.06023653969,0.2119344175,0.5981682539,0.1296608001 +Costa Rica,CRI,Latin America and Caribbean,LCN,1992,ehpm,Old worker,1206982,0,0,0,0.4689929187,1,0.4132504761,0.360797286,0.05245319381,754364,0.6250001788,0.3556374311,,0.6081846952,0.05620732531,0.9730952382,0.02690478414,,,0.694581449,0.2461856455,0.05923293158,0.4449533224,0.5539922714,,0.5554620624,0.5554620624,0.1613835096,0.06706777215,0.2985910773,0.6343411207,0.9908951521,,0.002159603406,0.202927053,0.01858114265,0.07492326945,0.2223338783,0.06698553264,0.04720863327,0.07488872856,0.2229243666,,,,,,,,,,,46,0.1601697803,0.3231720626,157.9811096,1178.146729,0.4672233164,28436.59766,212066.4063,84.10018921,20141.96484,28341.81641,32142.375,0.9430330992,1.573328018,0.0788378939,0.2556918561,0.5170680285,0.1484022439 +Costa Rica,CRI,Latin America and Caribbean,LCN,1992,ehpm,Rural,1630687,0.3703880608,0.1887731999,0.04780439287,0,0.5818075538,0.4132504761,0.360797286,0.05245319381,565929,0.5965021253,0.2984347343,0.2590715587,0.5739344358,0.05687782541,0.9621666074,0.03783336654,0.9327113032,0.06728869677,0.6893821955,0.2596791983,0.05093862861,0.5196632743,0.4795213342,,0.4822560847,0.4822560847,0.07912587374,0.1416204125,0.3431616127,0.5152179599,0.9804013371,0.8571981788,0.002964074491,0.228318274,0.01694172062,0.09493756294,0.2144806385,0.04811205342,0.02635965683,0.04710553586,0.1791600734,,,,,,,,,,,46,0.1666164845,0.3362234831,131.648941,981.7741699,0.3893468976,23696.80859,176719.3594,70.08243561,20141.96484,25651.5957,25876.94141,0.9430330992,1.573328018,0.07522710413,0.2582275867,0.5830765963,0.08346871287 +Costa Rica,CRI,Latin America and Caribbean,LCN,1992,ehpm,Total,2931426,0.3479644358,0.1864420325,0.05385467783,0.4437222779,0.598180905,0.671735106,0.5817043522,0.09003075387,1038912,0.5924712512,0.3497725129,0.211473614,0.5685673905,0.04655485228,0.9596539736,0.0403460525,0.9240198731,0.07598014921,0.7313018441,0.2211172432,0.04758093134,0.4519236036,0.5480763665,,0.5493566394,0.5493566394,0.1304168701,0.07045003027,0.3266490698,0.6029009223,0.9914413691,0.9194955826,0.001798142795,0.2362200916,0.01574021019,0.07289063185,0.2324797958,0.05922178924,0.04566002637,0.06186054274,0.2036787421,,,,,,,,,,,46,0.1554145813,0.3168627024,142.8549957,1065.343506,0.4224883914,25713.89844,191761.8438,76.04790497,19407.70508,25651.5957,28845.93555,0.9430330992,1.573328018,0.05935712904,0.2138509154,0.5862428546,0.1405491084 +Costa Rica,CRI,Latin America and Caribbean,LCN,1992,ehpm,Urban,1300739,0.3198527992,0.1835195273,0.06143968925,1,0.6187075377,0.4132504761,0.360797286,0.05245319381,472983,0.5877193213,0.406126529,0.15009363,0.562240243,0.03413204476,0.9566475153,0.04335251078,0.9096809626,0.09031903744,0.7817485332,0.1747112572,0.04354023933,0.369315207,0.6292548776,,0.6301559806,0.6301559806,0.1921048313,0.008371507749,0.312245965,0.6793825626,0.9995982647,0.9935470819,0.0007811564137,0.2431124598,0.01469219197,0.05366014317,0.2481795996,0.06891228259,0.0624948144,0.07473062724,0.2250652164,,,,,,,,,,,46,0.1419750601,0.2936345339,160.2552032,1195.105835,0.4739488661,28845.93555,215119.0625,85.31079102,12500,25755.93945,30906.5625,0.9430330992,1.573328018,0.0372325182,0.1519846022,0.5906569958,0.2201258987 +Costa Rica,CRI,Latin America and Caribbean,LCN,1992,ehpm,Young worker,546541,0,1,0,0.4367668629,1,0.4132504761,0.360797286,0.05245319381,284548,0.5206342936,0.3361905515,0.211473614,0.4810764492,0.01960612833,0.9240198731,0.07598014921,0.9240198731,0.07598014921,0.8338214159,0.1511288285,0.01504974719,0.4695087671,0.5292856097,,0.5323082209,0.5323082209,0.04345922917,0.08050439507,0.4100565612,0.5094390512,0.9929122925,0.9194955826,0.0007236350211,0.3351897001,0.007295023184,0.06684822589,0.2626403868,0.03614263609,0.04105650634,0.02313187346,0.146467641,,,,,,,,,,,46,0.1421708763,0.2992905378,123.1224899,918.1879883,0.3641302288,22162.04688,165273.8438,65.54343414,18674.52539,22748.41797,21650,0.9430330992,1.573328018,0.01815243438,0.1253511608,0.7325578332,0.1239385456 +Costa Rica,CRI,Latin America and Caribbean,LCN,1993,ehpm,Female,1503761,0.3293568492,0.1779079288,0.06035201252,0.4533320069,0.6102911234,0.4082695544,0.3528911471,0.05537839979,330091,0.3596812487,0.3596812487,0.3684619665,0.3414646089,0.03321919963,0.9493533373,0.05064664036,0.9042620063,0.09573800117,0.7695621252,0.2079758048,0.0224620495,0.4555848837,0.5440608859,,0.5446846485,0.5446846485,0.200143978,0.007801866159,0.2411414534,0.7510566711,0.9921981096,0.9978197217,0.0009722482646,0.2303034365,0.0070547699,0.002810991602,0.248165518,0.01832602732,0.04176915064,0.05721595883,0.3855800331,,,,,,,,,,,46,0.2630248964,0.1902879328,171.0094452,1161.677002,0.5057541132,30781.70117,209101.8438,91.03575134,9959.74707,28011.78906,33614.14453,,1.717767239,0.06412683427,0.2069470286,0.5727843046,0.1561418027 +Costa Rica,CRI,Latin America and Caribbean,LCN,1993,ehpm,Higher education,1250030,0.3452709019,0.2308192551,0.01625560969,0.5679447651,0.6384734511,0.4082695544,0.3528911471,0.05537839979,493932,0.618876338,0.448089391,0.1094093844,0.5963769555,0.05158674344,0.9636448026,0.03635520861,0.9213429093,0.07865709811,0.786862731,0.1628488898,0.05028835684,0.3283953965,0.6704700589,,0.67245996,0.67245996,0.2189918309,0.01416023821,0.2696990967,0.7161406875,0.9982785583,0.9798695445,0.0005707581295,0.2049248219,0.02466037683,0.03954312205,0.2482435554,0.06084915996,0.08513808995,0.08003976941,0.2418700904,,,,,,,,,,,46,0.1482159197,0.2746825218,217.4895782,1477.419189,0.6432174444,39148.125,265935.4375,115.7791367,24644.33594,34123.40625,43407,0.9495089054,1.717767239,0,0,0.6059569716,0.3940429986 +Costa Rica,CRI,Latin America and Caribbean,LCN,1993,ehpm,Lower education,1748186,0.3353241682,0.1519249082,0.08676422387,0.3497471213,0.5779116154,0.4082695544,0.3528911471,0.05537839979,597105,0.5910192728,0.2892149091,0.301099807,0.565320909,0.0444775559,0.9565185308,0.04348146543,0.9179139733,0.08208605647,0.6866295934,0.2669476271,0.04642277956,0.5507334471,0.4462077618,,0.4492803812,0.4492803812,0.05013532564,0.1132061854,0.3726466596,0.5141471624,0.9839152694,0.8741902113,0.003048450686,0.2423133552,0.01184039377,0.1154444441,0.2444722801,0.05725220963,0.01852390543,0.03954571486,0.1543530524,,,,,,,,,,,46,0.1627566069,0.3401892781,148.6927032,1010.078064,0.4397532046,26764.68555,181814.0469,79.15557098,22409.43164,28529.13477,26785.31445,0.9495089054,1.717767239,0.103703171,0.3137483299,0.5825484991,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,1993,ehpm,Male,1494455,0.3496485353,0.1917709112,0.05436430126,0.4280276,0.5959871411,0.4082695544,0.3528911471,0.05537839979,760946,0.8543465734,,0.04523139074,0.8238057494,0.05389754474,0.9642524123,0.03574761003,0.9261900187,0.0738099739,0.7162307501,0.2246055901,0.05916368589,0.4471409619,0.5498934388,,0.5534687042,0.5534687042,0.09565843642,0.09046625346,0.360411942,0.5491217971,,0.8874262571,0.002188428072,0.219299987,0.02435622923,0.1145673096,0.245504424,0.0802860707,0.05856658891,0.0620485805,0.102716133,,,,,,,,,,,46,0.1103262603,0.361952424,172.3404388,1170.718506,0.5096905231,30907.125,210729.3438,91.40668488,22409.43164,31176,36681.5625,,1.717767239,0.06784918904,0.1918808073,0.6100020409,0.1302679777 +Costa Rica,CRI,Latin America and Caribbean,LCN,1993,ehpm,Old worker,1254284,0,0,0,0.4715813994,1,0.4082695544,0.3528911471,0.05537839979,793748,0.6328295469,0.3655684888,,0.6169232726,0.05830598995,0.9748648405,0.02513518184,,,0.6899522543,0.2498445958,0.06020312756,0.4480541945,0.5498600006,,0.5516140461,0.5516140461,0.1551471651,0.05820421129,0.3021315038,0.6396642923,0.9902735353,,0.001725941082,0.2014713287,0.0224029962,0.0765312463,0.231593594,0.06545969844,0.05567366257,0.07301555574,0.2139217556,,,,,,,,,,,46,0.1610434353,0.3187434077,189.4375,1286.859741,0.5602544546,33902.8125,231634.75,100.2663193,23696.80859,32967.1875,39000.26953,0.9495089054,1.717767239,0.08440299332,0.2316957563,0.5291098952,0.15479137 +Costa Rica,CRI,Latin America and Caribbean,LCN,1993,ehpm,Rural,1676845,0.3681842983,0.186079219,0.05047813058,0,0.5813375711,0.4082695544,0.3528911471,0.05537839979,589312,0.6045385003,0.3129149675,0.2512002289,0.5798732638,0.04617455974,0.9591999054,0.04080012068,0.9311730862,0.06882690638,0.7097412348,0.2433925122,0.04686626419,0.5014205575,0.4953402579,,0.4997080564,0.4997080564,0.0813010931,0.1217489243,0.3411152363,0.5371358395,0.9833546281,0.8726670146,0.003226048546,0.2274526954,0.01571478695,0.09472169727,0.2376088649,0.04753979295,0.02598107979,0.05139653757,0.1746095717,,,,,,,,,,,46,0.1621650755,0.3144392371,161.3847961,1096.296143,0.4772895873,28977.71484,197333.2969,85.70052338,22409.43164,30781.70117,32498.66602,0.9495089054,1.717767239,0.08280067146,0.248651728,0.5880364776,0.08051113784 +Costa Rica,CRI,Latin America and Caribbean,LCN,1993,ehpm,Total,2998216,0.3394711912,0.1848179102,0.05736744776,0.4407190681,0.6031613648,0.657931131,0.5628198538,0.0951112772,1091037,0.603313504,0.3596812487,0.2012870759,0.579026933,0.0477090925,0.9597446918,0.04025527835,0.919374764,0.08062525094,0.7321913242,0.2196287513,0.04817990586,0.4506522566,0.5493477434,,0.550835073,0.550835073,0.1271622777,0.06220647693,0.3196379542,0.618155539,0.9921981096,0.9258278608,0.001772662974,0.223061651,0.01844152622,0.07636212558,0.2464141548,0.05910431594,0.05282419175,0.06039649248,0.1994164139,,,,,,,,,,,46,0.1561519653,0.3104349673,171.703125,1166.38916,0.5078056455,30906.5625,209950.0469,91.40502167,22409.43164,30781.70117,35545.85938,0.9495089054,1.717767239,0.06595560163,0.1995451003,0.5910691023,0.1434301883 +Costa Rica,CRI,Latin America and Caribbean,LCN,1993,ehpm,Urban,1321371,0.3030337393,0.1832172871,0.06611012667,1,0.6308561563,0.4082695544,0.3528911471,0.05537839979,501725,0.6018810272,0.4104633033,0.1369569302,0.5780373216,0.04950928688,0.9603846669,0.03961532563,0.9005894065,0.09941056371,0.7585281134,0.1917509437,0.04972096905,0.3889558613,0.6100977659,,0.6106756926,0.6106756926,0.1809606105,0.01025099028,0.30089733,0.6888516545,0.9988688827,0.9905299544,0.0005044692662,0.2192301005,0.02082082257,0.06034194678,0.2540974617,0.06919527054,0.0762469247,0.0682496652,0.2210623622,,,,,,,,,,,46,0.1490431875,0.3057010472,189.4655151,1287.050049,0.5603373051,34103.79297,231669,100.8607101,27031.25,29669.99805,37088.25391,0.9495089054,1.717767239,0.04246711358,0.1310716569,0.5952977538,0.231163457 +Costa Rica,CRI,Latin America and Caribbean,LCN,1993,ehpm,Young worker,554124,0,1,0,0.4369021952,1,0.4082695544,0.3528911471,0.05537839979,297289,0.5365026593,0.3453730643,0.2012870759,0.4932470024,0.01770818047,0.919374764,0.08062525094,0.919374764,0.08062525094,0.8517744541,0.1340845823,0.01414093375,0.4542368054,0.5433008671,,0.5486288071,0.5486288071,0.04766317457,0.07417213172,0.3719773591,0.5538505316,0.9978197217,0.9258278608,0.001912348322,0.2876106799,0.006597834639,0.07585648447,0.2907234728,0.04010348022,0.04430506378,0.02266900614,0.15604949,,,,,,,,,,,46,0.1422787756,0.2868705094,148.21138,1006.808411,0.4383296967,26678.04688,181225.5156,78.89933777,20075.11523,27252,28011.78906,0.9495089054,1.717767239,0.02550130337,0.1290401667,0.7269428968,0.118515633 +Costa Rica,CRI,Latin America and Caribbean,LCN,1994,ehpm,Female,1529577,0.3263536394,0.1780636013,0.05980607867,0.4517006874,0.613840282,0.4058255553,0.3487321138,0.05709342659,346552,0.3690979779,0.3690979779,0.3515358269,0.3482718468,0.03458736837,0.943575561,0.0564244315,0.8896998167,0.1103001609,0.7706775069,0.1940073073,0.03531520069,0.4754708111,0.523902297,,0.5248093009,0.5248093009,0.1804473251,0.007729487028,0.2355047911,0.7567657232,0.9922705293,0.9879661798,0,0.2243739516,0.006905694958,0.004225152545,0.261579752,0.02226169594,0.04141486436,0.04893840104,0.3825710118,,,,,,,,,,,46,0.2732361555,0.2110858411,195.3611145,1168.897705,0.5777733326,35157.82422,210401.5781,103.9779739,24395.48828,31226.25195,37349.05078,,1.755904913,0.06347123533,0.2136498839,0.5730156302,0.1498632431 +Costa Rica,CRI,Latin America and Caribbean,LCN,1994,ehpm,Higher education,1266955,0.3446334004,0.2264476568,0.01689404994,0.5709121227,0.6384725571,0.4058255553,0.3487321138,0.05709342659,502165,0.6207875609,0.4546146989,0.09383790195,0.5979891419,0.06067315489,0.9632750154,0.03672498092,0.9289944768,0.07100553066,0.7783421278,0.1532860696,0.06837177277,0.3471883833,0.6512756348,,0.6528282762,0.6528282762,0.2096431702,0.01442859322,0.2602324188,0.7253389955,0.9986201525,0.9750350118,0.000787572586,0.1946730316,0.02279572934,0.04197608307,0.2500575781,0.06834550202,0.09238731116,0.0779696852,0.2365789115,,,,,,,,,,,46,0.1463185549,0.2810001075,264.9535828,1585.288086,0.783590436,47691.64453,285351.8438,141.0462799,29756.32422,41208.75,51753.88281,0.9593110085,1.755904913,0,0,0.6072638631,0.3927361369 +Costa Rica,CRI,Latin America and Caribbean,LCN,1994,ehpm,Lower education,1801253,0.3307880759,0.15397726,0.08810477704,0.3486939371,0.5811071396,0.4058255553,0.3487321138,0.05709342659,626455,0.5984928012,0.3025575578,0.3072197139,0.5720301867,0.04761037976,0.9557845592,0.04421546683,0.9140488505,0.08595117182,0.6981408,0.2399341315,0.06192505732,0.5566424131,0.4421316981,,0.4446458519,0.4446458519,0.04779198766,0.1148369685,0.3727675676,0.5123954415,0.984198451,0.8694313169,0.003587342799,0.2362429947,0.01418138761,0.1187558547,0.2354936898,0.05782407522,0.01726919971,0.03666030243,0.1651481837,,,,,,,,,,,46,0.1732548475,0.3626981676,169.7684174,1015.769836,0.502083838,30498.51563,182838.5625,90.19823456,26677.89453,32702.72852,30906.5625,0.9593110085,1.755904913,0.1032099277,0.3318697214,0.5649203658,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,1994,ehpm,Male,1538631,0.3465970755,0.1897069514,0.05759990588,0.4292744696,0.5958030224,0.4058255553,0.3487321138,0.05709342659,782068,0.8531145453,,0.0561343506,0.8241122365,0.06161107868,0.9660042524,0.03399576619,0.9343285561,0.06567146629,0.718096137,0.2043333948,0.07757044584,0.4576660395,0.5406502485,,0.5432274342,0.5432274342,0.09354560077,0.09394189715,0.358304739,0.5477533937,,0.8828499913,0.003317171475,0.210702315,0.02453736216,0.1197478846,0.2330371588,0.0843468681,0.0620187223,0.06178943068,0.1065612063,,,,,,,,,,,46,0.1126602888,0.3761145771,199.5160217,1193.75769,0.590061307,35912.88281,214876.3906,106.2110291,26678.04688,36534.375,43269.375,,1.755904913,0.06884533912,0.2114875019,0.5875055194,0.1321616322 +Costa Rica,CRI,Latin America and Caribbean,LCN,1994,ehpm,Old worker,1291386,0,0,0,0.4729128182,1,0.4058255553,0.3487321138,0.05709342659,828954,0.6419103146,0.3774667978,,0.6247009039,0.06528826058,0.9731903076,0.02680969052,,,0.6891884804,0.2298501283,0.08096141368,0.456202209,0.542609036,,0.5441223383,0.5441223383,0.1454484314,0.05915342644,0.2970095277,0.6438370347,0.9936891794,,0.002311250428,0.1957942545,0.02029525675,0.07860875875,0.2324694991,0.06715166569,0.05872617289,0.06869444251,0.2167952806,,,,,,,,,,,46,0.1634889841,0.3284289241,221.1699829,1323.319092,0.654102087,39810.59375,238197.4375,117.7383652,26764.875,38854.28906,46360.30859,0.9593110085,1.755904913,0.08534236252,0.241091758,0.518404603,0.1551612765 +Costa Rica,CRI,Latin America and Caribbean,LCN,1994,ehpm,Rural,1716802,0.3691281676,0.181090191,0.05330434069,0,0.5775674582,0.4058255553,0.3487321138,0.05709342659,598381,0.6034688354,0.307843864,0.2452363521,0.5797145963,0.05555758625,0.9606370926,0.03936288133,0.9316861033,0.0683138743,0.705760181,0.2268908769,0.06734895706,0.5205549002,0.4787892699,,0.4809295833,0.4809295833,0.08091147989,0.1272767037,0.3445887268,0.5281345248,0.9814319015,0.8575233817,0.003232378978,0.229006201,0.01688311063,0.09546705335,0.2280993164,0.05054222047,0.02657786757,0.04440355673,0.1785115749,,,,,,,,,,,46,0.1711181104,0.3518993855,182.41008,1091.408203,0.5394710898,32833.81641,196453.4688,97.10480499,26678.04688,35545.21094,36484.53516,0.9593110085,1.755904913,0.08152338117,0.2643073797,0.5748261809,0.07934306562 +Costa Rica,CRI,Latin America and Caribbean,LCN,1994,ehpm,Total,3068208,0.3365052044,0.1839024574,0.05869973451,0.440454483,0.6047950536,0.653452664,0.5563954309,0.09705723312,1128620,0.6082116204,0.3690979779,0.1987236142,0.5833463194,0.05344768986,0.959117353,0.04088266939,0.9201878309,0.07981219143,0.7339800596,0.2012140602,0.06480587274,0.4636772274,0.5363228024,,0.5376595259,0.5376595259,0.1200642139,0.06444445997,0.3162889183,0.6192666292,0.9922705293,0.919246316,0.002182206605,0.2153800428,0.01850471459,0.08022196591,0.2428029627,0.06310452521,0.05496914312,0.05739247054,0.2009975165,,,,,,,,,,,46,0.1612229347,0.3262052536,198.2604218,1186.245117,0.586347878,35686.875,213524.125,105.5426178,26678.04688,35571.01563,41208.75,0.9593110085,1.755904913,0.06611347944,0.2125867307,0.5801397562,0.1411600262 +Costa Rica,CRI,Latin America and Caribbean,LCN,1994,ehpm,Urban,1351406,0.2950615883,0.1874751151,0.06555394828,1,0.6393844485,0.4058255553,0.3487321138,0.05709342659,530239,0.6136542559,0.4347617924,0.1416471004,0.5875139236,0.05105859786,0.9574022293,0.04259777069,0.9028869271,0.09711310267,0.7659341693,0.1721395701,0.06192627922,0.397924155,0.5999090075,,0.6019935012,0.6019935012,0.1645713598,0.01036607008,0.2919318676,0.6977020502,0.9998036623,0.9902477264,0.001278345357,0.2036522925,0.01990039647,0.06710083783,0.2554580569,0.07391663641,0.07940491289,0.0685717538,0.2203506827,,,,,,,,,,,46,0.1499747336,0.2969978154,227.2727203,1359.833374,0.6721507311,40909.08984,244770.0156,120.9871292,26764.875,35625,44284.08984,0.9593110085,1.755904913,0.04503737018,0.1418484449,0.5874071717,0.2257070392 +Costa Rica,CRI,Latin America and Caribbean,LCN,1994,ehpm,Young worker,564251,0,1,0,0.4490111768,1,0.4058255553,0.3487321138,0.05709342659,299666,0.5310863256,0.3486169279,0.1987236142,0.488699168,0.01880695857,0.9201878309,0.07981219143,0.9201878309,0.07981219143,0.8650221825,0.1174365059,0.01754131541,0.4830625057,0.5150589943,,0.5187388062,0.5187388062,0.04504164308,0.08075369149,0.3757163584,0.5435299277,0.9879661798,0.919246316,0.001784438035,0.2757518589,0.01298549492,0.08519455791,0.2746551335,0.05062949657,0.04338836297,0.02255493775,0.1523020118,,,,,,,,,,,46,0.1545543075,0.3196613789,169.0416718,1011.421509,0.4999345243,30427.50195,182055.875,89.98822021,25876.94141,30805.42188,31468.29492,0.9593110085,1.755904913,0.02435677499,0.1506863087,0.7142014503,0.1107554883 +Costa Rica,CRI,Latin America and Caribbean,LCN,1995,ehpm,Female,1561601,0.3218683898,0.186040476,0.06040019169,0.4446827471,0.6177313924,0.4036812484,0.3479942977,0.05568696931,364076,0.3774177134,0.3774177134,0.3407533467,0.3531332612,0.04381623492,0.9356563091,0.06434370577,0.8707181811,0.1292818189,0.7659562826,0.2016850114,0.03235872462,0.4616762102,0.5383238196,,0.5394951105,0.5394951105,0.1891170442,0.01332779136,0.2218362391,0.7648359537,0.9866722226,0.9791710377,0.0005986185279,0.2114674151,0.006141267717,0.003628931008,0.2683857977,0.02157508023,0.03569689393,0.0554109849,0.3837672174,,,,,,,,,,,46,0.272634387,0.2125395685,233.6112823,1134.643555,0.6908967495,42015.52344,204235.8438,124.2593613,28011.78906,38541.375,45531.55469,,1.87810111,0.05024978518,0.1998025477,0.5980682969,0.1518793404 +Costa Rica,CRI,Latin America and Caribbean,LCN,1995,ehpm,Higher education,1330804,0.3283526301,0.241877839,0.01667112485,0.5630964637,0.6549762487,0.4036812484,0.3479942977,0.05568696931,545329,0.625631988,0.456771791,0.1050973609,0.5936533809,0.06504913419,0.9488859177,0.05111409724,0.8809617162,0.1190382913,0.7729715705,0.1617454588,0.06528297067,0.3516151309,0.6479384899,,0.6491133571,0.6491133571,0.205869928,0.01428088546,0.2349060327,0.750813067,0.9978547096,0.9819875956,0.00231247698,0.1707069725,0.01818860136,0.04369798303,0.2742655575,0.06899302453,0.07859330624,0.08196309209,0.2469981015,,,,,,,,,,,46,0.1421509832,0.2936600447,318.1818237,1545.400391,0.9410110116,57237.80469,278172.0625,169.2787018,34502.58594,51510.9375,61875,0.9446060658,1.87810111,0,0,0.6197521091,0.3802479208 +Costa Rica,CRI,Latin America and Caribbean,LCN,1995,ehpm,Lower education,1802801,0.3426351547,0.1493986249,0.08776509762,0.3432985544,0.5695997477,0.4036812484,0.3479942977,0.05568696931,625257,0.6088929772,0.307882756,0.3032977283,0.5775123835,0.05320783332,0.9484627843,0.05153720826,0.8958849311,0.1041150689,0.6929445863,0.251822412,0.05523301288,0.5515241027,0.4465046525,,0.4488869011,0.4488869011,0.04338032752,0.1221499965,0.3545939922,0.5232560039,0.9710603952,0.8764511347,0.0035563563,0.2313933969,0.007517301012,0.1121269315,0.2442307025,0.06055193767,0.02338566817,0.03730932996,0.1577783823,,,,,,,,,,,46,0.1891095489,0.3550100327,206.1888885,1001.453796,0.6097960472,37088.25391,180261.6875,109.687149,32013.47461,39503.3125,37087.5,0.9446060658,1.87810111,0.08925916255,0.3111303747,0.5996104479,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,1995,ehpm,Male,1572004,0.3511734009,0.1912889481,0.05476322025,0.4286585748,0.5940634012,0.4036812484,0.3479942977,0.05568696931,806510,0.8636212945,,0.05494717509,0.8243524432,0.06532283127,0.9545300007,0.04546998814,0.8978767991,0.1021231785,0.714428246,0.2134617865,0.07210997492,0.4569104016,0.5412710309,,0.5434895158,0.5434895158,0.08820495009,0.09387481213,0.3295681477,0.5765570402,,0.9035860896,0.004130111542,0.1936645359,0.0167302303,0.1150432751,0.255350709,0.08785992861,0.06078147516,0.06325298548,0.1093119234,,,,,,,,,,,46,0.1203121841,0.3770768344,248.9936829,1209.355469,0.736389637,44818.86328,217683.9844,132.5501404,32543.12695,46360.30859,52541.25391,,1.87810111,0.06108889729,0.1873193383,0.6167194843,0.1348723024 +Costa Rica,CRI,Latin America and Caribbean,LCN,1995,ehpm,Old worker,1307292,0,0,0,0.4638221562,1,0.4036812484,0.3479942977,0.05568696931,853158,0.6526147127,0.388977468,,0.6335562468,0.07009899616,0.9707967043,0.02920326591,,,0.6881688237,0.2372504175,0.07458076626,0.4556307793,0.5430495739,,0.5447137952,0.5447137952,0.1446124017,0.06487927586,0.2758769393,0.6592437625,0.9891728759,,0.002910459181,0.180770278,0.01586221531,0.07633398473,0.244083032,0.06771318614,0.05339480191,0.07064207643,0.2234106958,,,,,,,,,,,46,0.1649594605,0.3294674158,273.6188049,1328.959106,0.8092175126,49251.21875,239212.6406,145.6586609,33614.14453,49698.78125,56250,0.9446060658,1.87810111,0.07145363092,0.2277925014,0.5474507213,0.1533031166 +Costa Rica,CRI,Latin America and Caribbean,LCN,1995,ehpm,Rural,1765335,0.3697473705,0.1807526648,0.05244160444,0,0.5778110027,0.4036812484,0.3479942977,0.05568696931,618978,0.6068233252,0.3199534714,0.2519077659,0.5786967278,0.05769556388,0.9536494017,0.04635059834,0.9079445004,0.09205549955,0.704554379,0.2386377454,0.05680786446,0.5088668466,0.4899252653,,0.4923818111,0.4923818111,0.08232411742,0.12723957,0.3162383139,0.556522131,0.973841548,0.8743468523,0.004461785778,0.2046242356,0.01151085086,0.09564142674,0.2371735275,0.06430016458,0.02558352612,0.04870705307,0.1807578504,,,,,,,,,,,46,0.1791030914,0.3497188687,224.0943146,1088.419922,0.6627506614,40309.91797,195915.5938,119.2150955,32123.09766,43779.1875,46063.83203,0.9446060658,1.87810111,0.07037740946,0.2422609329,0.6004244089,0.08693728596 +Costa Rica,CRI,Latin America and Caribbean,LCN,1995,ehpm,Total,3133605,0.3365695477,0.1886734217,0.05757234991,0.4366440475,0.6058581024,0.6505515004,0.5555253719,0.09502612852,1170586,0.6165781835,0.3774177134,0.1953882426,0.5849229959,0.05872553214,0.9486598969,0.05134009942,0.8891622424,0.1108377352,0.7302348018,0.2098491788,0.05991600081,0.458950953,0.541049047,,0.5422626734,0.5422626734,0.1192246601,0.06602778286,0.2923226655,0.6416495442,0.9866722226,0.9304060936,0.002909190021,0.1998194158,0.01306937262,0.07652466744,0.2598572671,0.06494367123,0.05210913718,0.06054181978,0.2041976899,,,,,,,,,,,46,0.1672180742,0.3264094591,244.1999969,1186.072754,0.7222124934,43956,213493.0938,129.9982452,32228.00781,43841.25,49450.5,0.9446060658,1.87810111,0.0555646494,0.1936815232,0.6072137356,0.1435400844 +Costa Rica,CRI,Latin America and Caribbean,LCN,1995,ehpm,Urban,1368270,0.2937636673,0.1988927573,0.06419201195,1,0.6420443058,0.4036812484,0.3479942977,0.05568696931,551608,0.6279047132,0.4413642585,0.1291178465,0.5921524167,0.05989427119,0.9430609941,0.05693898723,0.864708662,0.135291338,0.7593752146,0.1771818548,0.06344290823,0.4010745883,0.5976047516,,0.5988704562,0.5988704562,0.1610288471,0.01317419577,0.2716725767,0.7151532173,0.9960716963,0.9869336486,0.001568594482,0.1956706792,0.01441508438,0.06001822278,0.2794436216,0.06549931318,0.07501278818,0.07076060027,0.224436909,,,,,,,,,,,46,0.1537100673,0.2999170125,274.7239685,1334.326782,0.8124859929,49450.31641,240178.8125,146.2474976,32967,44299.6875,51923.25,0.9446060658,1.87810111,0.03479792923,0.1255757064,0.6167320609,0.2228942961 +Costa Rica,CRI,Latin America and Caribbean,LCN,1995,ehpm,Young worker,591228,0,1,0,0.4602945149,1,0.4036812484,0.3479942977,0.05568696931,317428,0.5368961096,0.3505942822,0.1953882426,0.4773877561,0.0253503155,0.8891622424,0.1108377352,0.8891622424,0.1108377352,0.853676796,0.1294407398,0.01688249595,0.4664174616,0.532494843,,0.5350715518,0.5350715518,0.04409851879,0.06959392875,0.3433872461,0.5870188475,0.9791710377,0.9304060936,0.002905249363,0.2589677572,0.004397490993,0.07711675763,0.3088367879,0.05634422973,0.04811709002,0.02918014675,0.1445405483,,,,,,,,,,,46,0.173825115,0.3174641132,206.0416718,1000.73877,0.6093606353,37087.5,180132.9844,109.6849136,30000.00195,37171.00781,38571.42969,0.9446060658,1.87810111,0.02247999236,0.1226543263,0.7316545248,0.123211138 +Costa Rica,CRI,Latin America and Caribbean,LCN,1996,ehpm,Female,1596319,0.3205587268,0.176482901,0.06354807317,0.4469344914,0.6158931851,0.4054470062,0.3458528817,0.05959412456,356211,0.3623116016,0.3623116016,0.3694976866,0.3320927918,0.03487278894,0.9165943861,0.08340562135,0.836943388,0.1630565822,0.7819823027,0.1758218259,0.0421958901,0.4582956731,0.5387824178,,0.5406807661,0.5406807661,0.2116036266,0.01304087602,0.1966073811,0.7903517485,0.9869590998,0.9815837741,0,0.1888047308,0.005695127416,0.002107518958,0.2645177543,0.01733635366,0.04295155779,0.3075433075,0.1580027789,,,,,,,,,,,46,0.2497778237,0.2403565943,279.3041687,1154.308838,0.8260318041,50048.07813,207775.5781,148.0153503,33614.14453,44773.69531,56022.54297,,1.838902116,0.05062893406,0.1984233409,0.5927686691,0.1581790298 +Costa Rica,CRI,Latin America and Caribbean,LCN,1996,ehpm,Higher education,1364978,0.3235934973,0.2404060662,0.01734240353,0.5562155843,0.6590641141,0.4054470062,0.3458528817,0.05959412456,551014,0.6125045419,0.4512993395,0.1129151732,0.5764599442,0.05471202731,0.9411521554,0.05884787068,0.8840939999,0.1159060225,0.772580564,0.1561181545,0.0713013038,0.3649255335,0.633387208,,0.6352844238,0.6352844238,0.2020730525,0.01808549091,0.2290107161,0.7529037595,0.9956096411,0.9781588912,0.000671951042,0.1731285006,0.01600019634,0.0392100811,0.2816986144,0.06379041821,0.0848659873,0.2934056818,0.02914306894,,,,,,,,,,,46,0.1396167278,0.3176400959,364.5833435,1506.750854,1.078241825,65625,271215.1563,194.0835266,41782.63672,56023.57813,72115.3125,1,1.838902116,0,0,0.624170959,0.3758290708 +Costa Rica,CRI,Latin America and Caribbean,LCN,1996,ehpm,Lower education,1833246,0.336979866,0.138700977,0.09492561221,0.344909519,0.568094492,0.4054470062,0.3458528817,0.05959412456,612475,0.5880943537,0.2837834358,0.3259056211,0.5498460531,0.04301822558,0.9349622726,0.06503775716,0.8794352412,0.1205647364,0.6826789975,0.2518855631,0.06543540955,0.5641772151,0.4333517849,,0.4352672994,0.4352672994,0.04842311516,0.1290578246,0.3426499069,0.5282922983,0.9734427333,0.8610501885,0.003802076913,0.2313421071,0.009348525666,0.09815718234,0.2430453151,0.06017382815,0.0193096865,0.09950638562,0.1062570587,,,,,,,,,,,46,0.1799223721,0.3784049749,233.4315796,964.7265625,0.6903653145,42017.6875,173650.7813,124.2657623,37349.05078,45000,43125,1,1.838902116,0.08490412682,0.3121367395,0.6029590964,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,1996,ehpm,Male,1601905,0.3419372439,0.1877133846,0.06008533761,0.4232935309,0.5979773998,0.4054470062,0.3458528817,0.05959412456,807278,0.8427554965,,0.0526307039,0.7983355522,0.05442588776,0.9472920299,0.05270798877,0.9008871317,0.09911286086,0.7012467384,0.2194178849,0.07933539897,0.4742640555,0.5239889026,,0.5259604454,0.5259604454,0.0826683268,0.09892199188,0.3257475793,0.5753304362,,0.8968074322,0.003223476699,0.2061442286,0.01659060083,0.09978927672,0.2632467449,0.08504537493,0.06011825427,0.1494341195,0.01748591848,,,,,,,,,,,46,0.1227617487,0.3959194124,276.6596375,1143.379517,0.818210721,49798.73438,205808.3125,147.2779236,37349.05078,51510.9375,59620.47266,,1.838902116,0.05326541513,0.1832073182,0.6301060915,0.1334211528 +Costa Rica,CRI,Latin America and Caribbean,LCN,1996,ehpm,Old worker,1358643,0,0,0,0.4639931023,1,0.4054470062,0.3458528817,0.05959412456,872011,0.6418249607,0.3825122416,,0.6140398979,0.05763184279,0.9567092657,0.04329073802,,,0.6883193851,0.2284656763,0.08321496844,0.4627892375,0.5348314047,,0.5365888476,0.5365888476,0.1446734965,0.0682464689,0.267501235,0.6642522812,0.9884457588,,0.002353568561,0.1838814914,0.0147375213,0.06652866304,0.2482053488,0.06678970158,0.05561411008,0.2292659283,0.06437718868,,,,,,,,,,,46,0.1565152556,0.356279999,309.0677185,1277.315796,0.9140564203,55632.19141,229916.8438,164.5301514,39216.50781,53910.28906,63642.85938,1,1.838902116,0.06459476054,0.221386224,0.5569975972,0.1570214331 +Costa Rica,CRI,Latin America and Caribbean,LCN,1996,ehpm,Rural,1806698,0.3667115271,0.1749168932,0.055292584,0,0.5779958963,0.4054470062,0.3458528817,0.05959412456,622073,0.5957047343,0.3086281121,0.245574668,0.5607289076,0.04882597178,0.9412866235,0.05871336535,0.8936272264,0.1063727587,0.6926337481,0.2408867627,0.06647948921,0.5322833657,0.4654896557,,0.4677301347,0.4677301347,0.08522479981,0.1339381188,0.2934803069,0.5725815892,0.9732246995,0.864007473,0.002931927331,0.1972457618,0.01277749892,0.08052513003,0.235407576,0.06642428786,0.02543107979,0.1623595655,0.08295904845,,,,,,,,,,,46,0.1800988615,0.3647383749,251.5813751,1039.736084,0.744042635,45147.71875,187152.5,133.5227203,37349.05078,49300.74609,51836.90625,1,1.838902116,0.06581151485,0.2357511669,0.6050843,0.09335304052 +Costa Rica,CRI,Latin America and Caribbean,LCN,1996,ehpm,Total,3198224,0.3312666714,0.1821079403,0.06181368232,0.4350933433,0.6069196612,0.6476645574,0.5458163454,0.101848212,1163489,0.5994075336,0.3623116016,0.2059022486,0.5621805427,0.04857550561,0.9378936887,0.06210630387,0.8816034198,0.1183965877,0.7254031897,0.2063737363,0.06822307408,0.4704735537,0.5295264463,,0.5303611755,0.5303611755,0.1213543788,0.06982382387,0.2819924057,0.648183763,0.9869590998,0.9246867895,0.002131301211,0.200269267,0.01289900579,0.06669282913,0.2636773884,0.06210426614,0.0543018505,0.203004539,0.06509571522,,,,,,,,,,,46,0.1607107222,0.3494414389,276.6596375,1143.379517,0.818210721,49798.73438,205808.3125,147.2779236,37349.05078,49450.5,57990.9375,1,1.838902116,0.05193020403,0.1909132749,0.6111970544,0.1459594369 +Costa Rica,CRI,Latin America and Caribbean,LCN,1996,ehpm,Urban,1391526,0.285246551,0.1914445013,0.07028039545,1,0.6444730759,0.4054470062,0.3458528817,0.05959412456,541416,0.6037192345,0.4218797684,0.15884009,0.5638709068,0.04828547686,0.9339953065,0.06600470096,0.8640967011,0.1359032691,0.763348341,0.1664095819,0.07024204731,0.3967706859,0.6012794375,,0.602864325,0.602864325,0.1632618606,0.01381197944,0.2719562948,0.7142317295,0.9970377088,0.9900758862,0.001431854209,0.2029106915,0.01300515793,0.0546085909,0.2883746028,0.05833018571,0.07952407748,0.2385129929,0.04948986322,,,,,,,,,,,46,0.1381955445,0.3316773176,320.5104065,1324.606079,0.9478977323,57691.87109,238429.0938,170.621582,42824.25,50516.67188,61813.125,1,1.838902116,0.03282246366,0.1291935295,0.6196113825,0.2183725983 +Costa Rica,CRI,Latin America and Caribbean,LCN,1996,ehpm,Young worker,582422,0,1,0,0.4574002922,1,0.4054470062,0.3458528817,0.05959412456,291478,0.5004584193,0.3120157123,0.2059022486,0.4412058592,0.01917359419,0.8816034198,0.1183965877,0.8816034198,0.1183965877,0.8457978964,0.1346510053,0.01955107227,0.4912284911,0.5075846314,,0.5101670027,0.5101670027,0.04476641491,0.07531319559,0.3324232697,0.5922635198,0.9815837741,0.9246867895,0.001357786474,0.2573005557,0.006500769407,0.06726415455,0.3175217807,0.04579843208,0.04973503575,0.111612007,0.06759627908,,,,,,,,,,,46,0.174290821,0.3273061216,228.9375,946.1533813,0.6770742536,41208.75,170307.6094,121.8733597,31124.21289,42017.6875,44608.125,1,1.838902116,0.02380128205,0.1232305542,0.7315782309,0.1213899404 +Costa Rica,CRI,Latin America and Caribbean,LCN,1997,ehpm,Female,1639148,0.3213401139,0.1821385324,0.06252455711,0.4446987212,0.6161353588,0.4013430774,0.3417052627,0.05963781103,397178,0.3932700753,0.3932700753,0.3503443301,0.3636860549,0.0425837189,0.9247742891,0.07522571832,0.8411559463,0.1588440388,0.7498421073,0.2138115913,0.03634631261,0.4896760285,0.5092594624,,0.5099929571,0.5099929571,0.1997316629,0.0110145295,0.1845646799,0.8044207692,0.9889854789,0.9893645048,0,0.1730632335,0.007243140601,0.004258298315,0.2491046935,0.01611699723,0.04953224957,0.05465488508,0.4350119829,,,,,,,,,,,46,0.2950982451,0.2116684318,329.122345,1201.25415,0.9733672142,59147.29688,216225.7344,174.9259491,31373.20508,56872.12891,61813.125,,1.922232985,0.05115953088,0.1860260367,0.6085718274,0.1542426199 +Costa Rica,CRI,Latin America and Caribbean,LCN,1997,ehpm,Higher education,1401158,0.3083142638,0.2486992925,0.0201504752,0.561312139,0.6715352535,0.4013430774,0.3417052627,0.05963781103,592368,0.629557848,0.4756219387,0.1119991243,0.5936422348,0.06060432643,0.9429510236,0.05704899505,0.8775539398,0.1224460825,0.7694343328,0.1583729237,0.07219276577,0.3710358739,0.6274889112,,0.6286777258,0.6286777258,0.2079093903,0.01669822633,0.230288133,0.7530136108,0.9973134398,0.978829205,0.0003513616684,0.1683136374,0.01794793457,0.0436752066,0.2600133419,0.06163453311,0.09787036479,0.07167968154,0.2618157268,,,,,,,,,,,46,0.1507892162,0.3135508895,416.6666565,1520.779541,1.23227632,75000,273740.3125,221.8097382,48303.625,70312.5,80357.625,1.014843822,1.922232985,0,0,0.6285323501,0.3714676797 +Costa Rica,CRI,Latin America and Caribbean,LCN,1997,ehpm,Lower education,1867589,0.342535764,0.1413490921,0.09302100539,0.3383287191,0.5644432306,0.4013430774,0.3417052627,0.05963781103,644880,0.6117547154,0.318074286,0.329272449,0.5767567754,0.05076917633,0.9427909255,0.05720909312,0.890268147,0.1097318381,0.6647724509,0.263620764,0.07160679251,0.592456758,0.4060596824,,0.4076974392,0.4076974392,0.03928594664,0.1187630519,0.3377049267,0.5435320139,0.9765207171,0.8905321956,0.002771144966,0.205649361,0.008277028799,0.1210073754,0.2466169149,0.06723345816,0.02182865515,0.03852405399,0.1693289429,,,,,,,,,,,46,0.2002690583,0.3672292233,266.2236633,971.6820068,0.7873466611,47883.84375,174902.7656,141.6147003,42653.82422,53910.28906,47393.61719,1.014843822,1.922232985,0.08646034449,0.3063488305,0.6071908474,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,1997,ehpm,Male,1629599,0.3344313502,0.1926222295,0.06104078516,0.4230605066,0.6045278907,0.4013430774,0.3417052627,0.05963781103,840070,0.8527434468,,0.06802868098,0.8113188148,0.06140422076,0.9514219165,0.04857809469,0.9039719105,0.09602808207,0.6988230348,0.2129567116,0.08822024614,0.4849467278,0.5133829713,,0.5151242018,0.5151242018,0.08290674537,0.09348212183,0.3324381113,0.574079752,,0.9134601355,0.002288088901,0.1927347332,0.01670970023,0.1207055822,0.2561932206,0.09012037516,0.06889328361,0.05686960369,0.1020032763,,,,,,,,,,,46,0.1221805215,0.4012025297,315.9574585,1153.203979,0.9344325662,56872.34375,207576.7188,168.1978607,43573.89453,59101.89844,66913.125,,1.922232985,0.05410725251,0.1868524998,0.622672379,0.1363678873 +Costa Rica,CRI,Latin America and Caribbean,LCN,1997,ehpm,Old worker,1382626,0,0,0,0.4595277309,1,0.4013430774,0.3417052627,0.05963781103,920982,0.6661106944,0.4172536731,,0.641510427,0.06361439824,0.9630687833,0.03693123162,,,0.6725195646,0.2394841313,0.08799631149,0.4751372337,0.5236890912,,0.524831593,0.524831593,0.1435759217,0.06565789878,0.2644769251,0.669865191,0.9888794422,,0.001625622855,0.1689614654,0.01519689243,0.07869296521,0.2374364138,0.06961667538,0.0627296865,0.06534663588,0.2347357571,,,,,,,,,,,46,0.170554176,0.3534384966,356.8666687,1302.517334,1.055420041,64235.25,234453.125,189.9733887,44818.86328,65166.76172,72115.3125,1.014843822,1.922232985,0.06605507433,0.2152875066,0.5651683807,0.1534890383 +Costa Rica,CRI,Latin America and Caribbean,LCN,1997,ehpm,Rural,1850401,0.3601467907,0.181480661,0.05452980101,0,0.5853233933,0.4013430774,0.3417052627,0.05963781103,665155,0.6141311526,0.3385292292,0.2418972552,0.5802823901,0.05490744486,0.9448835254,0.05511647835,0.8941355348,0.1058644876,0.6935324669,0.2372687757,0.06919874996,0.5377680659,0.4611038566,,0.4628575146,0.4628575146,0.07567412406,0.1235377863,0.3116989732,0.564763248,0.9748341441,0.8942275047,0.002742176177,0.1923592091,0.01476409659,0.1018334851,0.2265579998,0.06388804317,0.03541942313,0.04696453363,0.1919332594,,,,,,,,,,,46,0.1919929534,0.3533255458,294.1692505,1073.67981,0.8699947,52904.50391,193262.3594,156.4631195,43128.23438,59242.01953,57566.44922,1.014843822,1.922232985,0.06382522732,0.2332228422,0.6148763895,0.08807555586 +Costa Rica,CRI,Latin America and Caribbean,LCN,1997,ehpm,Total,3268747,0.3278666139,0.18736507,0.06178483739,0.4339112341,0.6103485674,0.6384080706,0.5371792962,0.1012287743,1237248,0.6201511071,0.3932700753,0.2056497782,0.5847203717,0.05547845364,0.9428675771,0.05713244155,0.8840406537,0.1159593537,0.7148867249,0.2132258862,0.07188736647,0.4871565513,0.5128434487,,0.5135079026,0.5135079026,0.1199626774,0.06467078626,0.2807762325,0.6545529962,0.9889854789,0.9386273623,0.001488709357,0.1858621985,0.01340241078,0.08002290875,0.253716737,0.06426614523,0.06212920696,0.05609585717,0.218345046,,,,,,,,,,,46,0.1766008586,0.3415527344,320.5104065,1169.821655,0.9478977323,57576.19141,210567.9063,170.2794647,43128.23438,58455,65166.76172,1.014843822,1.922232985,0.05261717737,0.186434716,0.6155445576,0.1454035789 +Costa Rica,CRI,Latin America and Caribbean,LCN,1997,ehpm,Urban,1418346,0.2857532501,0.1950419694,0.0712498948,1,0.6429968476,0.4013430774,0.3417052627,0.05963781103,572093,0.6273004413,0.4547233284,0.1616486609,0.5899909139,0.05614542589,0.940523684,0.05947634205,0.8695622087,0.1304377913,0.7398297787,0.1851423681,0.0750278309,0.4264766276,0.5716332793,,0.5727157593,0.5727157593,0.1720372438,0.01141317934,0.2528000772,0.735786736,0.9997514486,0.9875462651,0.0003546847147,0.1799842715,0.0121704787,0.06029064953,0.2782875299,0.06460821629,0.08629383147,0.06435706466,0.2422400713,,,,,,,,,,,46,0.1585184783,0.3277221918,366.2999878,1336.947754,1.08331871,65934,240650.5938,194.9973755,46391.75391,57990.9375,72000,1.014843822,1.922232985,0.03664692864,0.1197667718,0.616496563,0.227089718 +Costa Rica,CRI,Latin America and Caribbean,LCN,1997,ehpm,Young worker,612449,0,1,0,0.4516898692,1,0.4013430774,0.3417052627,0.05963781103,316266,0.5163956285,0.3361223638,0.2056497782,0.456514746,0.02966823056,0.8840406537,0.1159593537,0.8840406537,0.1159593537,0.8492910862,0.1299250275,0.02078385651,0.5222789049,0.4752711058,,0.4775391221,0.4775391221,0.04452671111,0.0613726154,0.3352356255,0.6033917665,0.9893645048,0.9386273623,0.001031252206,0.2423311472,0.00740666315,0.08446654677,0.3081128001,0.04638886824,0.06012287736,0.02518702298,0.1635801941,,,,,,,,,,,46,0.1957574189,0.3038972914,269.7431641,984.527771,0.7977554798,48553.76953,177215,143.595993,37349.05078,50949.91406,51354.94922,1.014843822,1.922232985,0.02396824956,0.1249220222,0.7229439616,0.1281657666 +Costa Rica,CRI,Latin America and Caribbean,LCN,1998,ehpm,Female,1674646,0.3136644959,0.1816139072,0.06335249543,0.4446886182,0.6229829788,0.3958523273,0.3375113904,0.05834092945,435173,0.4171216488,0.4171216488,0.3257852495,0.3830405474,0.04049377143,0.918294549,0.08170543611,0.8292095661,0.1707904488,0.7648047805,0.196948573,0.03824662045,0.4896813631,0.5087596178,,0.5099224448,0.5099224448,0.191673696,0.009760923684,0.1916473955,0.7985916734,0.9902390838,0.9867914319,0,0.183783114,0.005213761702,0.002650527284,0.2451182157,0.02078891546,0.05620334297,0.0593405962,0.4171406031,,,,,,,,,,,46,0.3202398419,0.2013528496,380.0289612,1242.146729,1.123921633,68405.21094,223586.4063,202.3058929,39216.50781,63981.81641,74175.9375,,1.861108541,0.04945103824,0.1879207045,0.6202139854,0.1424142569 +Costa Rica,CRI,Latin America and Caribbean,LCN,1998,ehpm,Higher education,1445418,0.3019949794,0.2396946698,0.01835316792,0.5580302477,0.6796518564,0.3958523273,0.3375113904,0.05834092945,644382,0.655938983,0.5059639215,0.08959501982,0.620092392,0.06980679929,0.9453507662,0.0546492599,0.8781838417,0.1218161583,0.7700532079,0.1481629759,0.08178381622,0.3730340004,0.6252062321,,0.6273789406,0.6273789406,0.2033689022,0.01583805121,0.222897768,0.761264205,0.9969571829,0.975815773,0.0006784496945,0.1707652658,0.0139474608,0.03750658408,0.2661354244,0.06588113308,0.101029709,0.07421786338,0.2540000677,,,,,,,,,,,46,0.1625778079,0.3094356358,500,1634.279053,1.478731632,90000,294170.25,266.1716919,60890.625,77707.9375,97425,0.9940500855,1.861108541,0,0,0.6422674656,0.3577325344 +Costa Rica,CRI,Latin America and Caribbean,LCN,1998,ehpm,Lower education,1889862,0.3376542926,0.1447566003,0.09322426468,0.3335815072,0.5691214204,0.3958523273,0.3375113904,0.05834092945,667286,0.6204074025,0.3338396847,0.3109368682,0.5850723386,0.06317209452,0.9430454373,0.05695458874,0.8876616359,0.112338379,0.6795755625,0.2472838014,0.07314061373,0.5887497067,0.4099933207,,0.4118410647,0.4118410647,0.03682412207,0.1237308532,0.3361101151,0.5401590466,0.9798715115,0.8663192391,0.002486741403,0.2061912864,0.01011398621,0.1173181161,0.2396612614,0.06833796948,0.02252913639,0.03564948216,0.1739811748,,,,,,,,,,,46,0.2086067945,0.3816529214,312.881958,1022.672852,0.9253368974,56318.75391,184081.1094,166.5606384,51303.19141,62451.5625,57354.10938,0.9940500855,1.861108541,0.0846246779,0.3007927835,0.6145825386,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,1998,ehpm,Male,1660634,0.3308085799,0.1902225316,0.05818019062,0.4168974161,0.6110112071,0.3958523273,0.3375113904,0.05834092945,876495,0.8638261557,,0.05387951434,0.8267065287,0.07879418135,0.9570288658,0.04297115281,0.9105940461,0.08940593898,0.704678297,0.1992809027,0.09604080021,0.4792908132,0.5192309022,,0.5216006637,0.5216006637,0.08345252275,0.09612964839,0.3209701478,0.5829001665,,0.8916112185,0.002344553825,0.1887858361,0.01606791094,0.1137718633,0.2589416504,0.092689991,0.06997795403,0.05499044433,0.1063001603,,,,,,,,,,,46,0.1218594909,0.4152384698,378.875,1238.374878,1.120508909,68197.5,222907.4844,201.6915894,52133.41406,70146,80357.625,,1.861108541,0.05428229645,0.1805357784,0.6305087805,0.1346731484 +Costa Rica,CRI,Latin America and Caribbean,LCN,1998,ehpm,Old worker,1437913,0,0,0,0.4539349675,1,0.3958523273,0.3375113904,0.05834092945,974689,0.6778497696,0.4342875481,,0.6543434858,0.0758729279,0.9653222561,0.03467772901,,,0.6845068932,0.2200684696,0.09542464465,0.4709365368,0.527757287,,0.5288572311,0.5288572311,0.1404689848,0.06249884516,0.2623516917,0.6751494408,0.9912776947,,0.001557764597,0.1723987758,0.01333697513,0.07505816966,0.2367310077,0.07610405982,0.06420057267,0.06699126214,0.2311225682,,,,,,,,,,,46,0.1804779917,0.3524385095,419.7732849,1372.053345,1.241464019,75559.19531,246969.5938,223.4635315,53889.35156,75000,88125,0.9940500855,1.861108541,0.06650499254,0.208896324,0.5768972635,0.1477013975 +Costa Rica,CRI,Latin America and Caribbean,LCN,1998,ehpm,Rural,1898270,0.3532400429,0.1804901361,0.05263318866,0,0.594126761,0.3958523273,0.3375113904,0.05834092945,707219,0.6270711422,0.3566551805,0.2327833474,0.5913302898,0.07116102427,0.9430035353,0.05699649081,0.889898479,0.1101015359,0.6977943182,0.2293277979,0.07287789881,0.5347243547,0.4637687206,,0.4661490619,0.4661490619,0.08120551705,0.1253707558,0.3088679612,0.5657612681,0.9810274243,0.8682526946,0.002884952119,0.1986679286,0.01245792769,0.09485714883,0.2304479182,0.06243606284,0.03820285946,0.04886214435,0.1858122945,,,,,,,,,,,46,0.1953472346,0.3594834805,345.824585,1130.347778,1.022763491,62248.42578,203462.5938,184.0974274,51753.88281,67228.28906,71090.42188,0.9940500855,1.861108541,0.06458240002,0.2233166546,0.6258249879,0.08627594262 +Costa Rica,CRI,Latin America and Caribbean,LCN,1998,ehpm,Total,3335280,0.3222005367,0.1859001368,0.06077720597,0.4308513701,0.617022261,0.6206870755,0.5221862436,0.09850083184,1311668,0.6373687867,0.4171216488,0.1872557551,0.6017895389,0.06643556803,0.9441779256,0.05582205206,0.8830193877,0.1169805825,0.7240796685,0.1985283196,0.07739202678,0.4833707399,0.5166292601,,0.5178325772,0.5178325772,0.1186224595,0.06527876854,0.2747761011,0.6599451303,0.9902390838,0.9255236387,0.001507079927,0.186998859,0.01219081227,0.07407935709,0.2540039122,0.06700694561,0.06505766511,0.0565443188,0.2173322737,,,,,,,,,,,46,0.1859625429,0.3461251557,379.1489563,1239.270386,1.121319056,68246.8125,223068.6719,201.8374329,51753.88281,68348.76563,77266.875,0.9940500855,1.861108541,0.05184140801,0.1842668504,0.62530756,0.1385841668 +Costa Rica,CRI,Latin America and Caribbean,LCN,1998,ehpm,Urban,1437010,0.2811977565,0.1930466741,0.07153534144,1,0.6472668648,0.3958523273,0.3375113904,0.05834092945,604449,0.6498550177,0.4862650931,0.1310262829,0.6144717336,0.06092158332,0.9455520511,0.05444793403,0.8735816479,0.1264183372,0.7547512054,0.1625893712,0.08265942335,0.4218721986,0.5766265988,,0.5781401396,0.5781401396,0.1627038866,0.01035704371,0.2436174899,0.7460254431,0.9971404672,0.9866062999,0.0002477588714,0.1763337851,0.01194667909,0.05508927628,0.2755331695,0.07118456066,0.08960190415,0.06356552243,0.2461403012,,,,,,,,,,,46,0.1749533862,0.3304545283,444.444458,1452.692505,1.314428091,80000,261484.6406,236.5970612,48711.33984,71250,84375,0.9940500855,1.861108541,0.032624349,0.1253685951,0.6245270967,0.2174799442 +Costa Rica,CRI,Latin America and Caribbean,LCN,1998,ehpm,Young worker,620029,0,1,0,0.4474145472,1,0.3958523273,0.3375113904,0.05834092945,336979,0.5434890985,0.3754040003,0.1872557551,0.4799114168,0.0365944244,0.8830193877,0.1169805825,0.8830193877,0.1169805825,0.8492097259,0.1304178387,0.02037242986,0.519661665,0.4782076776,,0.482943505,0.482943505,0.04902529716,0.07447635382,0.3158833086,0.6096403003,0.9867914319,0.9255236387,0.001339385635,0.2353044152,0.00839863997,0.07084088027,0.3111527264,0.03690842167,0.06789341569,0.02197976597,0.171705991,,,,,,,,,,,46,0.2032770663,0.3261942267,313.9642944,1026.210571,0.9285378456,56513.57422,184717.9063,167.1368103,46686.3125,59101.89844,59758.48047,0.9940500855,1.861108541,0.02014732733,0.1310323626,0.7299422622,0.1188780591 +Costa Rica,CRI,Latin America and Caribbean,LCN,1999,ehpm,Female,1720230,0.3172697723,0.1888753176,0.05841137469,0.475435853,0.6243188381,0.3948619366,0.3401302397,0.05473168939,446639,0.4158758223,0.4158758223,0.3096682429,0.3819792271,0.04531305283,0.9184934497,0.08150654286,0.8403438926,0.1596561223,0.755562067,0.2021573037,0.04228064418,0.5063171387,0.4911233783,,0.4931192398,0.4931192398,0.1688003838,0.007601629011,0.1819399595,0.8104584217,0.9923983812,0.9954423308,0.0005704404903,0.1751506925,0.003577986034,0.002640833845,0.2797170281,0.01959361136,0.05254164338,0.05076410994,0.4078420401,,,,,,,,,,,46,0.3005675972,0.2163856477,400.640625,1189.973633,1.184879899,72115.3125,214195.25,213.2783813,40016.83984,69009.375,74698.10156,,1.764744878,0.05665070191,0.1875960976,0.6117130518,0.1440401524 +Costa Rica,CRI,Latin America and Caribbean,LCN,1999,ehpm,Higher education,1479625,0.3119972944,0.2392275035,0.0142651014,0.579962492,0.6737375855,0.3948619366,0.3401302397,0.05473168939,640611,0.6426166296,0.4920635521,0.09435342997,0.610003829,0.07635915279,0.9492500424,0.05074998736,0.8793050051,0.1206949875,0.7541999817,0.1596892029,0.08611083776,0.3768163025,0.6209982038,,0.6227077246,0.6227077246,0.1870479435,0.01625902951,0.2296705544,0.7540704012,0.9967391491,0.9830722213,0.00126865739,0.172441557,0.01617712341,0.03978321329,0.2801972628,0.07167391479,0.0865335837,0.07478804886,0.2408775985,,,,,,,,,,,46,0.1591037214,0.3011386395,522.5,1551.91748,1.545274496,94050,279345.1563,278.1494141,64182.76563,86256.46875,98901.5625,0.9584051967,1.764744878,0,0,0.645424366,0.3545756042 +Costa Rica,CRI,Latin America and Caribbean,LCN,1999,ehpm,Lower education,1925034,0.3421451151,0.1475147903,0.08957140148,0.3714511096,0.5682834983,0.3948619366,0.3401302397,0.05473168939,678492,0.6202136278,0.3442073464,0.3021048009,0.5775102377,0.05260883644,0.931147337,0.06885269284,0.8671574593,0.1328425258,0.6934467554,0.2345863134,0.07196696103,0.5942517519,0.4045706093,,0.4067891836,0.4067891836,0.03661745787,0.1114196181,0.328546077,0.5600342751,0.9860393405,0.8964466453,0.002641545609,0.2019135356,0.008000344038,0.1159906611,0.2573471069,0.06482324749,0.02846567333,0.03342343122,0.175974831,,,,,,,,,,,46,0.1977561563,0.372113198,347.5512695,1032.288818,1.027870059,62559.22656,185812,185.0166168,56023.57813,69005.17188,60890.625,0.9584051967,1.764744878,0.09526173025,0.2999364734,0.604801774,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,1999,ehpm,Male,1684429,0.3410669267,0.1858368665,0.05524364486,0.4484154582,0.6036894321,0.3948619366,0.3401302397,0.05473168939,872464,0.8579879999,,0.05933316052,0.8158755302,0.07362461835,0.9509171844,0.04908282682,0.8909463286,0.1090536714,0.707262516,0.1957244128,0.09701304883,0.4783599079,0.520407021,,0.5222684145,0.5222684145,0.08132640272,0.09076035768,0.3297864497,0.5794531703,,0.9073144794,0.002679564292,0.1923554093,0.01759704947,0.1171544343,0.2638079524,0.09720474482,0.06409458071,0.05869216472,0.0956537351,,,,,,,,,,,46,0.1183200553,0.3972592056,416.6666565,1237.57373,1.23227632,75000,222763.2656,221.8097382,56023.57813,76955.875,85647.85938,,1.764744878,0.06019638479,0.1798248142,0.6298034787,0.1301753223 +Costa Rica,CRI,Latin America and Caribbean,LCN,1999,ehpm,Old worker,1452906,0,0,0,0.4840278625,1,0.3948619366,0.3401302397,0.05473168939,985782,0.6784898639,0.4367803633,,0.6531392932,0.07563307136,0.9626367688,0.03736323118,,,0.6872459054,0.2177901864,0.0949639082,0.4728046656,0.5256810188,,0.5274217725,0.5274217725,0.1317000687,0.06052352861,0.2634826005,0.6759938598,0.9914386868,,0.00232398673,0.1724610031,0.01376121677,0.07493638992,0.2476215065,0.07684015483,0.06113010645,0.06537613273,0.2250259817,,,,,,,,,,,46,0.1720913053,0.3428747654,451.0416565,1339.673584,1.333939075,81187.5,241141.25,240.1090393,56872.12891,81319,89637.72656,0.9584051967,1.764744878,0.0729393065,0.2080696076,0.5703326464,0.1486584246 +Costa Rica,CRI,Latin America and Caribbean,LCN,1999,ehpm,Rural,1831476,0.3582132757,0.1801388562,0.05232828483,0,0.5894584656,0.3948619366,0.3401302397,0.05473168939,662454,0.6136225462,0.3437841237,0.2348781526,0.5784366131,0.06073649973,0.9426586628,0.05734134093,0.8909444213,0.1090555787,0.7058952451,0.2122686803,0.08183605969,0.5345702171,0.4645201862,,0.4662846625,0.4662846625,0.07838444412,0.1213391945,0.3122141659,0.5664466619,0.981961906,0.8884961605,0.00313345925,0.1976148486,0.01302370336,0.09844213724,0.2339346856,0.06372915208,0.03476788476,0.04607916251,0.1879357547,,,,,,,,,,,46,0.1931749433,0.3535745442,389.0526123,1155.555176,1.150608778,70029.46875,207999.9375,207.1095734,56023.57813,74698.10156,77015.16406,0.9584051967,1.764744878,0.07012948394,0.2313160747,0.610966444,0.08758797497 +Costa Rica,CRI,Latin America and Caribbean,LCN,1999,ehpm,Total,3404659,0.3290432394,0.1873720735,0.05684416741,0.4620677233,0.6141126007,0.6283658833,0.5358027811,0.09256310219,1319103,0.63089499,0.4158758223,0.1868316382,0.5930026319,0.06425723433,0.939938724,0.06006126851,0.8728103042,0.1271897107,0.7232432961,0.19785285,0.07890386134,0.4884266768,0.5115733232,,0.5126324892,0.5126324892,0.1104865521,0.06002838537,0.2751486003,0.6648229957,0.9923983812,0.9416545033,0.001900120871,0.1859972626,0.01241619326,0.07483502477,0.269687295,0.06852293015,0.05982510373,0.05576228723,0.2110254019,,,,,,,,,,,46,0.1787751764,0.3372598588,414.9894714,1232.592163,1.227316141,74698.10156,221866.5938,220.9168854,56023.57813,75000,80922.9375,0.9584051967,1.764744878,0.05837877467,0.18380858,0.6205298305,0.1372828037 +Costa Rica,CRI,Latin America and Caribbean,LCN,1999,ehpm,Urban,1573183,0.2950839102,0.1957928538,0.06210148335,1,0.6428145766,0.3948619366,0.3401302397,0.05473168939,656649,0.6493342519,0.4886579514,0.1353687048,0.6085526347,0.06782979518,0.9371947646,0.06280524284,0.8517550826,0.1482449174,0.7408466935,0.1832247823,0.07592848688,0.4399585426,0.5575959086,,0.5597350001,0.5597350001,0.1431447864,0.01072727423,0.2453435361,0.7439292073,0.9991927147,0.9919215441,0.0009083716432,0.1766553521,0.01192768384,0.05585211888,0.2984365821,0.07237768918,0.07997405529,0.06354866177,0.2295922041,,,,,,,,,,,46,0.1642008871,0.3207474649,446.4270935,1325.967529,1.320291638,80356.875,238674.1563,237.6524963,56569.35547,75834.375,82417.5,0.9584051967,1.764744878,0.04335433617,0.1230655536,0.6327575445,0.2008225322 +Costa Rica,CRI,Latin America and Caribbean,LCN,1999,ehpm,Young worker,637938,0,1,0,0.4828337431,1,0.3948619366,0.3401302397,0.05473168939,333321,0.5224974751,0.3676814139,0.1868316382,0.456041187,0.02715123445,0.8728103042,0.1271897107,0.8728103042,0.1271897107,0.8406605124,0.1328207105,0.02651877142,0.5359026194,0.4619112909,,0.4643597901,0.4643597901,0.0402954407,0.05834551156,0.3147983253,0.6268561482,0.9954423308,0.9416545033,0.0004595112696,0.23200351,0.007844809443,0.07449050248,0.3446831107,0.04025484249,0.05538973585,0.02308733575,0.1634411216,,,,,,,,,,,46,0.2006193697,0.3189092278,345.824585,1027.160278,1.022763491,62248.42578,184888.8438,184.0974274,49798.73438,65360.83984,62920.30859,0.9584051967,1.764744878,0.0270728115,0.1316460073,0.7284566164,0.1128245592 +Costa Rica,CRI,Latin America and Caribbean,LCN,2000,ehpm,Female,1750250,0.3082902431,0.1947841793,0.05882873759,0.4793252349,0.6328810453,0.3829797804,0.3273747861,0.05560500547,437600,0.3950528204,0.3950528204,0.3195520341,0.3677773774,0.04383301362,0.9309574962,0.06904250383,0.8545638919,0.1454361081,0.7701374888,0.201476723,0.02838578634,0.4958798289,0.5038427711,,0.5044515729,0.5044515729,0.1963685155,0.01659422554,0.1738255322,0.8095802069,0.9834057689,0.9713187218,0.000586041424,0.1637009084,0.00407401612,0.005464578979,0.2749562263,0.02290702239,0.04967471957,0.0484126769,0.4136295617,,,,,,,,,,,45,0.2830102444,0.206590265,460.7713013,1233.03125,1.362714171,82938.82813,221945.625,245.2885284,59643.5625,78750,86256.46875,,1.807274818,0.05238263682,0.1893586367,0.6202830672,0.1379756629 +Costa Rica,CRI,Latin America and Caribbean,LCN,2000,ehpm,Higher education,1459663,0.3029130697,0.2536613047,0.01503155194,0.5915139318,0.6820553541,0.3829797804,0.3273747861,0.05560500547,631476,0.6342852712,0.4825375676,0.09229190648,0.6074905992,0.06827546656,0.9577561021,0.04224388674,0.9092032313,0.09079676121,0.7703438997,0.1708812863,0.05877480283,0.3634391427,0.6360515952,,0.6365758181,0.6365758181,0.2431046963,0.02218413353,0.2225957066,0.7552201748,0.9963602424,0.9842318296,0.0005140333087,0.167552039,0.01207715087,0.04245248437,0.2704569399,0.07559797913,0.08578917384,0.0716015026,0.2517745495,,,,,,,,,,,45,0.1534035951,0.28915447,592.4202271,1585.325806,1.752061009,106635.6406,285358.625,315.3709717,78433.01563,93749.99219,113324.0625,0.9861860871,1.807274818,0,0,0.6471381187,0.3528619111 +Costa Rica,CRI,Latin America and Caribbean,LCN,2000,ehpm,Lower education,2021193,0.3301856816,0.1549431384,0.0868813619,0.3852882981,0.5829329491,0.3829797804,0.3273747861,0.05560500547,706859,0.599938035,0.3193072975,0.3219593167,0.5633565784,0.05047020316,0.9390246272,0.06097538397,0.8740498424,0.1259501576,0.6718472838,0.2762663364,0.05188637972,0.5958798528,0.4035160542,,0.4044066668,0.4044066668,0.05317978933,0.1410125643,0.3029862046,0.556001246,0.9648976922,0.8415890932,0.004205966368,0.1704963446,0.007626895327,0.1206569895,0.2600765526,0.06597369164,0.02684789337,0.03121812642,0.1718849689,,,,,,,,,,,45,0.1995526254,0.3415922225,391.7883911,1048.431885,1.158699751,70521.90625,188717.7344,208.5659485,62601.71484,77630.82031,70312.5,0.9861860871,1.807274818,0.08962163329,0.294153899,0.6162244678,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2000,ehpm,Male,1730606,0.3293268383,0.1979127526,0.05465137586,0.4641229808,0.616021812,0.3829797804,0.3273747861,0.05560500547,900735,0.8448950648,,0.07607975602,0.8077837825,0.06611462682,0.9560758471,0.04392412677,0.9086582661,0.09134170413,0.6945241094,0.2376345694,0.06784134358,0.4799430072,0.5193648934,,0.5201417804,0.5201417804,0.1189442575,0.1135781333,0.3092706501,0.5771512389,,0.8829391599,0.003217916936,0.171866864,0.01318962686,0.1209962368,0.2602580786,0.09754391015,0.06193106249,0.054396566,0.1030216068,,,,,,,,,,,45,0.1274346262,0.3687226176,464.2857056,1242.435791,1.37310791,83552.03125,223638.4375,247.1020508,64893.98047,85071.15625,94911.23438,,1.807274818,0.05979512259,0.1782638133,0.6355837584,0.1263573319 +Costa Rica,CRI,Latin America and Caribbean,LCN,2000,ehpm,Old worker,1490361,0,0,0,0.4865425229,1,0.3829797804,0.3273747861,0.05560500547,993011,0.6662889123,0.4176914096,,0.6448927522,0.06972364336,0.9678875804,0.03211243451,,,0.6806090474,0.2518928349,0.06749812514,0.4656074345,0.5337724686,,0.534457624,0.534457624,0.1690964848,0.07722873986,0.2524064779,0.6703647971,0.9873074889,,0.002441635588,0.1590704024,0.01100778766,0.07988666743,0.2436000258,0.07765170187,0.05884197727,0.06178708002,0.2284839898,,,,,,,,,,,45,0.1727315187,0.3260243833,500,1338.007813,1.478731632,90000,240841.4063,266.1716919,66350.63281,93272.73438,101250,0.9861860871,1.807274818,0.07035236806,0.2137077749,0.5782241225,0.1377157122 +Costa Rica,CRI,Latin America and Caribbean,LCN,2000,ehpm,Rural,1838703,0.3440001011,0.187848717,0.05196815357,0,0.6040317416,0.3829797804,0.3273747861,0.05560500547,663321,0.5972447991,0.3236587048,0.2438491285,0.5667550564,0.05496316031,0.9489492774,0.05105069652,0.8945878148,0.1054121628,0.6803345084,0.2632582188,0.05640725791,0.5423681736,0.4576317966,,0.458245039,0.458245039,0.09970161319,0.1602610499,0.2727653384,0.5669736266,0.9575593472,0.8302285075,0.003979558591,0.1619103551,0.0115492586,0.09532615542,0.2335986346,0.06267336011,0.0357035771,0.04513706639,0.1898609698,,,,,,,,,,,45,0.1995767355,0.3183731139,435.7389526,1166.044312,1.288681865,78433.01563,209887.9844,231.9627533,64129.53125,87216.07031,86256.46875,0.9861860871,1.807274818,0.07072029263,0.2290976346,0.6166236997,0.08355835825 +Costa Rica,CRI,Latin America and Caribbean,LCN,2000,ehpm,Total,3480856,0.3187491894,0.196339637,0.05675184354,0.4717670083,0.6244989634,0.6012836769,0.5104078759,0.09087580104,1338335,0.615668674,0.3950528204,0.1975330263,0.5835694356,0.05895907059,0.9478628039,0.05213716999,0.8902798295,0.1097201481,0.718806684,0.2260227799,0.05517051741,0.4853322482,0.5146677518,,0.515101552,0.515101552,0.1439110339,0.07907409221,0.2610832155,0.65984267,0.9834057689,0.9150488973,0.00228157267,0.1689616442,0.009946558625,0.07989344746,0.2654872537,0.07099028677,0.05757061392,0.05226767436,0.213526845,,,,,,,,,,,45,0.1775058508,0.3165411353,462.2291565,1236.932495,1.367025733,83201.25,222647.8594,246.0646362,64692.35547,84035.375,91910.38281,0.9861860871,1.807274818,0.05602980778,0.183899641,0.6278114915,0.1322590858 +Costa Rica,CRI,Latin America and Caribbean,LCN,2000,ehpm,Urban,1642153,0.2904759645,0.2058468312,0.06210809946,1,0.647415936,0.3829797804,0.3273747861,0.05560500547,675014,0.6349152923,0.4665103555,0.1502076685,0.6011347175,0.06289469451,0.9467951655,0.05320482329,0.8855040669,0.1144959405,0.7566984892,0.1893490851,0.05395243317,0.4286183715,0.5702722669,,0.5711625218,0.5711625218,0.1875762641,0.01551015768,0.2519369423,0.732552886,0.9997733235,0.9884300828,0.0009521635366,0.1744823456,0.008691753261,0.06781067699,0.2904539108,0.07750187814,0.07469103485,0.05785045773,0.2320556343,,,,,,,,,,,45,0.1558353156,0.3147423863,500,1338.007813,1.478731632,90000,240841.4063,266.1716919,68972.8125,81187.5,95192.30469,0.9861860871,1.807274818,0.03805999458,0.1286121756,0.6414966583,0.1918311864 +Costa Rica,CRI,Latin America and Caribbean,LCN,2000,ehpm,Young worker,683430,0,1,0,0.4946109951,1,0.3829797804,0.3273747861,0.05560500547,345324,0.5052807331,0.3441354334,0.1975330263,0.4498412311,0.02530616149,0.8902798295,0.1097201481,0.8902798295,0.1097201481,0.8382227421,0.1451461315,0.01663115807,0.5458779931,0.4537544549,,0.4546046257,0.4546046257,0.06421655416,0.08495111018,0.2887166739,0.6263322234,0.9713187218,0.9150488973,0.00177180802,0.2004630417,0.006566787139,0.07991504669,0.3351931572,0.04977517575,0.0535216108,0.02195051871,0.1658917367,,,,,,,,,,,45,0.1924363524,0.2868847251,396.5208435,1061.095947,1.172695756,71373.75,190997.2656,211.0852356,59242.01953,72115.3125,75000,0.9861860871,1.807274818,0.02679123357,0.1230482683,0.7290407419,0.1211197451 +Costa Rica,CRI,Latin America and Caribbean,LCN,2001,ehpm,Female,1970046,0.2942281663,0.1908529103,0.06438732892,0.6018214822,0.641384542,0.3782968819,0.3213106096,0.05698626116,570662,0.451631397,0.451631397,0.2843035161,0.4168058932,0.05068184808,0.9228895307,0.07711044699,0.8360206485,0.1639793515,0.7200118303,0.2307626605,0.04922549427,0.4944214225,0.5046671629,,0.5053821802,0.5053821802,0.2024837583,0.0364975743,0.1720923781,0.7914100289,0.9635024071,0.9540120363,0.0004495760368,0.1572030336,0.007242746186,0.007197026629,0.2680559158,0.01893743873,0.08442123979,0.05096782744,0.3690276444,0.01777434349,0.1481283903,0.09903580695,0.1215779483,0.2215460539,0.005303252023,0.05498824641,0.05805475265,0.2735912204,0,45,0.3043074608,0.201991111,515.109375,1239.304321,1.523416996,92719.6875,223074.7813,274.2150574,66913.125,87991.36719,96040.41406,,1.842105269,0.051153332,0.176585421,0.6206737161,0.1515875459 +Costa Rica,CRI,Latin America and Caribbean,LCN,2001,ehpm,Higher education,1786732,0.2682164907,0.2632650137,0.01974218898,0.704413414,0.7120413184,0.3782968819,0.3213106096,0.05698626116,831148,0.6533016562,0.527870357,0.08808548003,0.6170628071,0.0721500963,0.9445297122,0.05547026545,0.8763913512,0.1236086488,0.7531934381,0.1604521573,0.08635439724,0.3718224764,0.6267648935,,0.6281133294,0.6281133294,0.2315117717,0.04492013529,0.2200856507,0.7349942327,0.9892901778,0.947142601,0.0006356864469,0.1587668508,0.01829165407,0.04239146039,0.2617736161,0.0624968037,0.1106516495,0.07131455094,0.2287575901,0.04303070903,0.1816165745,0.1868977994,0.1185869873,0.1550244391,0.01457370538,0.09364061058,0.0875377655,0.1190914139,0,45,0.1633014977,0.29326877,676.5625,1627.745239,2.000908613,121781.25,292994.125,360.1635742,86256.46875,111521.25,127747.4922,1.010333896,1.842105269,0,0,0.6540504694,0.3459495306 +Costa Rica,CRI,Latin America and Caribbean,LCN,2001,ehpm,Lower education,2115200,0.3379481733,0.1459356099,0.09405068308,0.4939622879,0.5680011511,0.3782968819,0.3213106096,0.05698626116,756639,0.629778862,0.3680387437,0.2891315818,0.5864706635,0.04792175069,0.9312327504,0.06876727194,0.8537664413,0.1462335736,0.6473026872,0.285543561,0.0671537444,0.6036939621,0.3943417966,,0.3956028223,0.3956028223,0.04991307482,0.2637221813,0.2560991645,0.4801786542,0.9221084118,0.7032283545,0.001848084037,0.1441206634,0.007144596428,0.1029858366,0.2249892801,0.05053043365,0.04531080648,0.02386562899,0.135482505,0.00361194252,0.002768919338,0.04377049953,0.0251814127,0.1518562883,0.0788340196,0.1450070739,0.1104644164,0.438505441,0,45,0.2229166478,0.3611938059,414.9894714,998.425354,1.227316141,74698.10156,179716.5625,220.9168854,67228.28906,81488.83594,75000,1.010333896,1.842105269,0.09162868559,0.2952125669,0.6131587625,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2001,ehpm,Male,1931886,0.3180394769,0.2086448222,0.05557470769,0.5786112547,0.626385808,0.3782968819,0.3213106096,0.05698626116,1017125,0.8405255675,,0.05901835486,0.7957922816,0.06616351008,0.9467794299,0.05322059616,0.8812755942,0.1187243834,0.6938617229,0.213526994,0.09261126816,0.4744302332,0.5234794021,,0.5251680613,0.5251680613,0.1145713851,0.2097343504,0.2727184594,0.5175471902,,0.7704076171,0.001625241595,0.148898825,0.01617631502,0.1060180888,0.2314025015,0.07757271081,0.07716405392,0.04770746082,0.08370046318,0.02800124139,0.06907111406,0.1302252412,0.04860782996,0.1163258702,0.06666196138,0.1523635238,0.1204370111,0.2683061957,0,45,0.1293996572,0.3931906819,515.109375,1239.304321,1.523416996,92719.6875,223074.7813,274.2150574,69966.9375,93749.99219,104999.9922,,1.842105269,0.05522562936,0.1657054275,0.6403510571,0.13871786 +Costa Rica,CRI,Latin America and Caribbean,LCN,2001,ehpm,Old worker,1694596,0,0,0,0.6117670536,1,0.3782968819,0.3213106096,0.05698626116,1187470,0.7007392645,0.4862883687,,0.6745879054,0.06931262463,0.9626803398,0.03731967881,,,0.6636297703,0.2411958426,0.095174402,0.4697241187,0.5287415385,,0.5298545361,0.5298545361,0.1680485606,0.1425676048,0.2305669785,0.6268654466,0.9661759734,,0.001306760823,0.1466720551,0.01470412873,0.06788402796,0.2323438227,0.06201412901,0.07959751785,0.0575430803,0.1953668743,0.03085848503,0.1139190346,0.1254896522,0.06166972965,0.1479092091,0.05447297543,0.1260984987,0.1007493287,0.2388330847,0,45,0.1836824715,0.3329082727,552.083313,1328.260132,1.632766128,99374.99219,239086.8281,293.8978882,71824.6875,98601.49219,112293.7578,1.010333896,1.842105269,0.06855586171,0.1941335052,0.5856088996,0.1517017633 +Costa Rica,CRI,Latin America and Caribbean,LCN,2001,ehpm,Rural,1598505,0.3456861377,0.1907676309,0.05197544023,0,0.6023384333,0.3782968819,0.3213106096,0.05698626116,596157,0.6191645265,0.3584486246,0.2225694656,0.577775538,0.05548025668,0.9331535101,0.06684648246,0.8730107546,0.1269892305,0.6646270156,0.2612303197,0.07414264977,0.5712341666,0.4274392128,,0.4292723835,0.4292723835,0.09106083959,0.3399837017,0.2075755596,0.4524407387,0.8924373388,0.6384456754,0.002107329434,0.119919315,0.01239679847,0.07315211743,0.1975368708,0.04327783734,0.04160171375,0.03285124525,0.1371730715,0.0116248969,0.04376188666,0.07111014426,0.03702278808,0.1302232891,0.09771779925,0.108553566,0.08947054297,0.41051507,0,45,0.2286525071,0.3354041278,461.2325134,1109.681763,1.364078164,83021.85156,199742.7188,245.5340729,69005.17188,92006.90625,94787.23438,1.010333896,1.842105269,0.07111528516,0.2385397851,0.6184673309,0.07187758386 +Costa Rica,CRI,Latin America and Caribbean,LCN,2001,ehpm,Total,3901932,0.306017369,0.1996618658,0.06002411246,0.5903298855,0.6339585036,0.5773902857,0.4827088323,0.09468145332,1587787,0.6418768515,0.451631397,0.1677442342,0.6022044986,0.06069005281,0.938193202,0.06180677935,0.8655565381,0.134443447,0.7031069398,0.2196205705,0.07727245986,0.4823051789,0.5176948211,,0.5181675553,0.5181675553,0.1459206194,0.1484623551,0.2371280789,0.6144095659,0.9635024071,0.8319964409,0.0012094212,0.1518359333,0.01301660668,0.07106613368,0.2443664223,0.05683403835,0.07973083854,0.04886061698,0.1846176386,0.02438557707,0.09702138603,0.1191983894,0.07440602034,0.1535258889,0.04496892169,0.117937021,0.09838210791,0.2701746821,0,45,0.1914588362,0.3253509998,515.109375,1239.304321,1.523416996,92719.6875,223074.7813,274.2150574,69005.17188,92346.1875,103021.875,1.010333896,1.842105269,0.0531517528,0.1712462157,0.6303300858,0.1452719271 +Costa Rica,CRI,Latin America and Caribbean,LCN,2001,ehpm,Urban,2303427,0.2784885168,0.2058341801,0.06560963392,1,0.6559018493,0.3782968819,0.3213106096,0.05698626116,991630,0.6563513279,0.5078513026,0.1324822158,0.6177729964,0.06379527599,0.9412230253,0.0587769635,0.8603290319,0.139670983,0.7260423303,0.1948197037,0.07913793623,0.4280121624,0.5701075196,,0.5711815357,0.5711815357,0.178568542,0.03431136906,0.2547420561,0.7109465599,0.992657721,0.969866395,0.0006742479163,0.1708589345,0.01338602602,0.06982283294,0.2722778618,0.0649138391,0.1024566516,0.05840256065,0.2128956616,0.03199138492,0.128765896,0.1478606462,0.09668771923,0.1674150527,0.01352875959,0.1235298812,0.1036937013,0.1865269542,0,45,0.1692968309,0.3193608224,555.555542,1336.614014,1.643035054,100000,240590.5313,295.7463074,72115.3125,92812.5,104999.9922,1.010333896,1.842105269,0.03949157894,0.120073542,0.6393510103,0.2010838836 +Costa Rica,CRI,Latin America and Caribbean,LCN,2001,ehpm,Young worker,779067,0,1,0,0.6085792184,1,0.3782968819,0.3213106096,0.05698626116,400317,0.5138415694,0.3698193431,0.1677442342,0.4447589219,0.03224270418,0.8655565381,0.134443447,0.8655565381,0.134443447,0.8333492279,0.1484399587,0.01821083575,0.5203421712,0.4775250554,,0.4795868695,0.4795868695,0.07224616408,0.1680035591,0.2588782907,0.5731181502,0.9540120363,0.8319964409,0.000886738766,0.1689542532,0.007422439288,0.08161485195,0.2842215598,0.03966193274,0.08017281443,0.02007809095,0.1489837319,0.003030329244,0.04127308354,0.09844241291,0.1164252535,0.1720563173,0.01361339353,0.0910108909,0.09057221562,0.3735761046,0,45,0.2171584368,0.3003755212,435.7389526,1048.34668,1.288681865,78433.01563,188702.4063,231.9627533,63191.49219,81488.83594,83333.32813,1.010333896,1.842105269,0.02209251188,0.1250986606,0.7205013037,0.1323074996 +Costa Rica,CRI,Latin America and Caribbean,LCN,2002,ehpm,Female,2014168,0.2864348888,0.1945557743,0.0655054599,0.6017030478,0.6480596662,0.373329103,0.3143776357,0.058951471,583534,0.4470493793,0.4470493793,0.2676411569,0.4115326703,0.0560079217,0.9205530286,0.07944695652,0.8266780376,0.1733219922,0.7147404552,0.2393786758,0.0458808504,0.5003927946,0.4994787574,,0.5003211498,0.5003211498,0.205148384,0.03993318975,0.1517976224,0.8082692027,0.9600667953,0.9440588355,0.0003452490782,0.1375323087,0.01007380895,0.003846261417,0.2759603858,0.01652156934,0.09030036628,0.05054073408,0.3749461174,0.01751946285,0.1430281401,0.09983543307,0.1161430031,0.2302177697,0.007515255827,0.05929922312,0.04504127055,0.2814004421,0,45,0.3168086708,0.217662558,572.34375,1261.39978,1.692685604,103021.875,227051.9688,304.6834106,78802.53125,98901,107060.625,,1.970854878,0.05174251646,0.1636122316,0.6278669238,0.1567783207 +Costa Rica,CRI,Latin America and Caribbean,LCN,2002,ehpm,Higher education,1872880,0.2587982118,0.2672034502,0.02020898275,0.700486958,0.7209928036,0.373329103,0.3143776357,0.058951471,874902,0.6479157209,0.5195554495,0.07429661602,0.6098865867,0.06691032648,0.9413053989,0.05869457498,0.8705736995,0.1294262856,0.7480201721,0.1669018269,0.08507801592,0.3799538612,0.6199805737,,0.62046206,0.62046206,0.2245877683,0.04910561815,0.2151613086,0.7357330918,0.9887781143,0.9259737134,0.0007926751859,0.1529911906,0.02100467309,0.04037277773,0.2586755157,0.06007990241,0.1219939291,0.06671398133,0.228269726,0.04020763934,0.1790783852,0.1790225208,0.117179282,0.1653912961,0.01301681716,0.09691336006,0.07784712315,0.1313435733,0,45,0.1724392772,0.3236502707,737.2340698,1624.80481,2.180342674,132456.7031,292464.875,391.7358093,87500,123626.25,140625,1.026223302,1.970854878,0,0,0.6623032093,0.3376967609 +Costa Rica,CRI,Latin America and Caribbean,LCN,2002,ehpm,Lower education,2125003,0.3332461119,0.1441767365,0.09842292219,0.4928134084,0.5683309436,0.373329103,0.3143776357,0.058951471,756143,0.6260991096,0.3634875119,0.2953429818,0.5809241533,0.05455647036,0.9278469682,0.07215301692,0.845944941,0.1540550888,0.6353342533,0.2965955734,0.06807015836,0.611149013,0.3885273933,,0.3896583617,0.3896583617,0.04646927491,0.2694329023,0.244506672,0.4860604107,0.911847949,0.7011015415,0.00236433628,0.1350286007,0.006544426084,0.1005693004,0.2266962826,0.05533118546,0.04542811587,0.02260334231,0.1360014826,0.003523450578,0.001623466844,0.04197353125,0.02251188457,0.1591410935,0.07884290814,0.1483384073,0.1074452847,0.4365999699,0,45,0.2207889557,0.3785631061,456.0347595,1005.064087,1.348706007,82085.96875,180911.5313,242.7662354,75278.375,90037.89844,82417.5,1.026223302,1.970854878,0.09295895696,0.2827246785,0.6243163943,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2002,ehpm,Male,1983715,0.3104876578,0.2091772258,0.05800177902,0.5783224702,0.6315105557,0.373329103,0.3143776357,0.058951471,1047511,0.8361778855,,0.0549153164,0.7886419892,0.06406528503,0.9431509376,0.05684904382,0.8764859438,0.1235140488,0.6860928535,0.2195947021,0.09431242943,0.478648454,0.5211369395,,0.5219068527,0.5219068527,0.1082804725,0.2108097523,0.2705335021,0.5186567307,,0.7648751736,0.002154147485,0.1486321092,0.01667127386,0.1030759588,0.22651878,0.08041879535,0.08479212224,0.04414580017,0.08278124779,0.02649294771,0.07266278565,0.1247549281,0.05051616579,0.1257053614,0.0627534911,0.1538836062,0.1167029887,0.2665277421,0,45,0.1280219704,0.4205968678,564.6497803,1244.442993,1.669930935,101557.75,223999.75,300.353302,75830.21875,107060.4063,115522.0469,,1.970854878,0.05402882025,0.1578301191,0.6540488005,0.1340922564 +Costa Rica,CRI,Latin America and Caribbean,LCN,2002,ehpm,Old worker,1751222,0,0,0,0.6113131046,1,0.373329103,0.3143776357,0.058951471,1229758,0.7022284865,0.4870340824,,0.6739973426,0.07071986794,0.9597977996,0.04020221904,,,0.6605536342,0.2453514636,0.09409490228,0.4690020382,0.5308768153,,0.5314300656,0.5314300656,0.1662307978,0.1433024406,0.2230786383,0.6336189508,0.9644046426,,0.001620576135,0.13972646,0.01590323076,0.06582836062,0.2296408266,0.06429531425,0.08747117221,0.05431861803,0.1978929937,0.02932935953,0.1149019897,0.1247849092,0.06353706121,0.1549242139,0.05165637285,0.1293480843,0.09383141249,0.2376865894,0,45,0.1839876771,0.3579327166,625,1377.449951,1.84841454,112500,247941,332.7145996,78433.01563,114381.4766,123750,1.026223302,1.970854878,0.06768421829,0.1818555444,0.5928587914,0.157601431 +Costa Rica,CRI,Latin America and Caribbean,LCN,2002,ehpm,Rural,1638725,0.3367160559,0.1941668093,0.05374727398,0,0.6095367074,0.373329103,0.3143776357,0.058951471,614718,0.6154177189,0.3543438911,0.2157637328,0.5790444016,0.06100770086,0.9408964515,0.05910352245,0.8902525902,0.1097474322,0.6529445648,0.2719913721,0.07506405562,0.5673961639,0.4321179986,,0.4337983727,0.4337983727,0.09153238684,0.3421504796,0.1980135441,0.4598359764,0.8809344172,0.6446762085,0.003085542936,0.1112701148,0.01158161368,0.07207626849,0.2006694227,0.04226206243,0.04298277199,0.03373307362,0.1401886344,0.01074023265,0.04583963007,0.07304291427,0.04196332395,0.1403491795,0.09653933346,0.1088425368,0.07997599989,0.4027068317,0,45,0.225360468,0.3451430798,503.1627502,1108.93042,1.48808527,90569.29688,199607.4844,267.8553467,75829.78125,98503.16406,104585.9766,1.026223302,1.970854878,0.07081288099,0.2269606441,0.6253964901,0.07682996988 +Costa Rica,CRI,Latin America and Caribbean,LCN,2002,ehpm,Total,3997883,0.2983696759,0.201810807,0.06178219989,0.5901018381,0.6398481429,0.5628708621,0.4663132639,0.0965575982,1631045,0.6376156225,0.4470493793,0.1582355797,0.5962127939,0.06122736633,0.9350661635,0.06493382901,0.8592752814,0.1407247186,0.6961829662,0.2265628874,0.07725414634,0.4863967561,0.5136032737,,0.5143036842,0.5143036842,0.1427332908,0.1505704373,0.2286753953,0.6207541823,0.9600667953,0.8245132565,0.001516454387,0.144719094,0.01434546057,0.0680943951,0.2439484894,0.05789303035,0.08673395216,0.04640021548,0.1857784837,0.02333236113,0.09744645655,0.115977928,0.07363086194,0.1625161022,0.04329780489,0.1205696538,0.09146272391,0.2717660964,0,45,0.1946951449,0.3489272296,570.0394287,1256.321289,1.685870647,102600,226137.8281,303.43573,76236.5625,103404.25,112500,1.026223302,1.970854878,0.05286324769,0.1607778817,0.6407011151,0.145657748 +Costa Rica,CRI,Latin America and Caribbean,LCN,2002,ehpm,Urban,2359158,0.2717334032,0.207120508,0.06736344099,1,0.6609031558,0.373329103,0.3143776357,0.058951471,1016327,0.6518363953,0.5033587813,0.1207744107,0.6072115302,0.06136156619,0.9315397739,0.06846024841,0.8364387155,0.1635612696,0.7225980759,0.1988098174,0.0785921067,0.436768353,0.563231647,,0.5634618998,0.5634618998,0.1741462648,0.03327799961,0.2474477142,0.7192742825,0.9937981963,0.9654676318,0.0005558000994,0.1651977897,0.0160375908,0.06565653533,0.2704455554,0.06746289134,0.1135200486,0.05415550619,0.2136902958,0.03102511913,0.1289739907,0.142207697,0.09297712147,0.1760582775,0.01077159867,0.1277339607,0.098480165,0.1917720586,0,45,0.1757899225,0.3512601554,625,1377.449951,1.84841454,112500,247941,332.7145996,82417.5,108173.4453,115200,1.026223302,1.970854878,0.0390467532,0.1098345593,0.6524816751,0.1986370236 +Costa Rica,CRI,Latin America and Caribbean,LCN,2002,ehpm,Young worker,806816,0,1,0,0.6056275368,1,0.373329103,0.3143776357,0.058951471,401287,0.4973711371,0.3538461924,0.1582355797,0.4273787439,0.02873416618,0.8592752814,0.1407247186,0.8592752814,0.1407247186,0.8181436062,0.1622488499,0.01960755885,0.5455431342,0.4540566504,,0.4556629658,0.4556629658,0.06219205633,0.1754867435,0.2478623539,0.5766509175,0.9440588355,0.8245132565,0.001159501378,0.1618349254,0.009005072527,0.07586285472,0.2929984033,0.03594454378,0.08420660347,0.01925413124,0.144247219,0.002804394113,0.03769546747,0.08583128452,0.1081823334,0.1885034293,0.01468609367,0.09052073956,0.08335459977,0.3884216547,0,45,0.2313461304,0.3181020319,466.1122437,1027.274048,1.37850976,83661.875,184909.3281,247.4269104,72455.4375,85648.5,86600,1.026223302,1.970854878,0.02289360389,0.1181565002,0.7374435663,0.1215062961 +Costa Rica,CRI,Latin America and Caribbean,LCN,2003,ehpm,Female,2069822,0.2804018855,0.1974010319,0.06472343951,0.6010004878,0.6548746824,0.3630360067,0.305182308,0.05785370246,611342,0.4510171413,0.4510171413,0.2705973089,0.4137143195,0.04719327763,0.91729182,0.0827082023,0.819871664,0.1801283062,0.7183061242,0.233213082,0.04848077521,0.4975988865,0.5024011135,,0.5030234456,0.5030234456,0.2044059932,0.03923678771,0.1444263309,0.8163368702,0.960763216,0.9472616911,0.0005085686571,0.13404724,0.007436921354,0.002433608519,0.282681793,0.02050570399,0.08583349735,0.05146571621,0.375850141,0.02087988332,0.1548043042,0.1023700982,0.1201632023,0.2320843041,0.007658988703,0.04809024557,0.04000328109,0.2727759182,0,45,0.3060802221,0.218747139,629.578125,1267.766724,1.861954093,113324.0625,228198,335.1517334,82417.5,110629.2813,118484.0391,,1.991917133,0.04478022829,0.1568478644,0.6312091947,0.1671627164 +Costa Rica,CRI,Latin America and Caribbean,LCN,2003,ehpm,Higher education,1957986,0.2431518883,0.2752062678,0.02044498734,0.6990386844,0.7364031076,0.3630360067,0.305182308,0.05785370246,950297,0.6590739489,0.5324708819,0.08298227936,0.6173717976,0.07024291903,0.9367260933,0.06327389926,0.8590440154,0.1409559995,0.7456232905,0.1664337516,0.08794295043,0.3900050223,0.6099949479,,0.6103735566,0.6103735566,0.2133398205,0.04789050296,0.2095148712,0.7425945997,0.9846295714,0.9291442037,0.0003737123334,0.1486336291,0.01907965168,0.04142787308,0.2718469203,0.05868186802,0.1191092357,0.06857451797,0.2243820727,0.04209879413,0.1805400848,0.1749107987,0.1184023693,0.1667797565,0.0125998687,0.09506632388,0.07533746213,0.1312752217,0,45,0.1747993082,0.3096494973,801.2833252,1613.525391,2.369765997,144231,290434.5625,426.5578613,93749.99219,129900.0078,153910.8594,1.035934091,1.991917133,0,0,0.6465910673,0.3534089327 +Costa Rica,CRI,Latin America and Caribbean,LCN,2003,ehpm,Lower education,2127551,0.3328714669,0.1367130578,0.09886296839,0.4896789789,0.5682655573,0.3630360067,0.305182308,0.05785370246,750896,0.6210812926,0.3501822054,0.3103993535,0.575733602,0.04731564224,0.9269859195,0.07301410288,0.8452988267,0.1547011584,0.6574827433,0.2637996078,0.07871765643,0.6124613881,0.3873015642,,0.3889639974,0.3889639974,0.04485841468,0.2669588029,0.245147109,0.487894088,0.9142170548,0.7035201788,0.002555899555,0.132921204,0.007428263314,0.1022417471,0.2279351801,0.05800103396,0.03975346684,0.02121454291,0.1409898847,0.003396210261,0.003620325588,0.04879394174,0.02246613055,0.1524875313,0.07674372196,0.1433993727,0.1002873257,0.4460154772,0,45,0.2243922204,0.3761000335,500,1006.838257,1.478731632,90000,181230.8906,266.1716919,80568.92969,98503.16406,91875,1.035934091,1.991917133,0.08880707622,0.2742432952,0.6369495988,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2003,ehpm,Male,2015715,0.2995994091,0.2089228928,0.0577467531,0.5787330866,0.6426538229,0.3630360067,0.305182308,0.05785370246,1089851,0.8413193822,,0.05802734941,0.791611433,0.06728499383,0.9409167171,0.0590833053,0.8711352944,0.1288647056,0.7007330656,0.1960058808,0.1032610759,0.4821675122,0.5176715851,,0.5188092589,0.5188092589,0.1037390977,0.2014431059,0.2693351507,0.5292217135,,0.7804951072,0.001782326843,0.1459411085,0.01753519662,0.1040765196,0.2360882461,0.07910826802,0.0834087804,0.04576337337,0.08485306054,0.02743161842,0.07452272624,0.1289734691,0.05231900886,0.1213661358,0.05884194374,0.1535634249,0.111595884,0.2675367892,0,45,0.136483863,0.4045402408,619.5625,1247.598511,1.832333326,111521.25,224567.7344,329.8199768,82997.89063,112047.1563,126509.4844,,1.991917133,0.05356626585,0.146121189,0.6517111063,0.1486014426 +Costa Rica,CRI,Latin America and Caribbean,LCN,2003,ehpm,Old worker,1821167,0,0,0,0.609967649,1,0.3630360067,0.305182308,0.05785370246,1281149,0.7034769654,0.4915528595,,0.6741842031,0.07134049386,0.9583600163,0.04163996503,,,0.6712230444,0.2281825542,0.1005943939,0.4668431878,0.5330224037,,0.5340960026,0.5340960026,0.1609906703,0.1383065432,0.2215533108,0.6401401162,0.9644129276,,0.001311005093,0.1402481049,0.01535585243,0.06463835388,0.2395565361,0.06244898587,0.08566187322,0.0568819195,0.1955908388,0.03178362548,0.1188595518,0.1280556619,0.06591697782,0.1512238979,0.04675428197,0.1223650053,0.09125413001,0.2405900955,0,45,0.1849938631,0.3459339142,684.0469971,1377.449341,2.023043871,123128.4531,247940.875,364.1478577,86256.46875,123626.25,140058.9375,1.035934091,1.991917133,0.0620300211,0.1758203655,0.5977105498,0.1644390821 +Costa Rica,CRI,Latin America and Caribbean,LCN,2003,ehpm,Rural,1675012,0.3265307844,0.1983752996,0.05102888867,0,0.6224403381,0.3630360067,0.305182308,0.05785370246,637889,0.611828208,0.3512122035,0.2166780531,0.5704909563,0.0612299107,0.9324365258,0.06756348163,0.8635258675,0.1364741176,0.6780011654,0.2384013832,0.0835974291,0.562140286,0.4378596842,,0.439591378,0.439591378,0.0889326036,0.3315117359,0.1960644722,0.4724237919,0.8836659789,0.6616292596,0.002446419094,0.112186037,0.01154541131,0.06988660246,0.2067511082,0.04744366184,0.0429456234,0.03156892955,0.1437144727,0.01296085492,0.05064636096,0.07384106517,0.04045958817,0.1388958544,0.09226097912,0.1046720594,0.07701360434,0.4077886045,0,45,0.2179204375,0.3511386216,561.7053223,1131.092896,1.661222816,101106.3906,203596.7188,299.0184326,84035.375,111935.4063,113211.6172,1.035934091,1.991917133,0.06757309288,0.217619136,0.6365798116,0.07822794467 +Costa Rica,CRI,Latin America and Caribbean,LCN,2003,ehpm,Total,4085537,0.2898735106,0.2030856609,0.06128129363,0.5900142193,0.648845166,0.5411996924,0.4467529787,0.09444671371,1701193,0.6417462885,0.4510171413,0.1627054662,0.5983814448,0.06018201634,0.9324268103,0.06757316738,0.8533296585,0.1466703415,0.7069455981,0.2091596574,0.08389472216,0.4876736397,0.5123263603,,0.5132279396,0.5132279396,0.1395406723,0.1440773457,0.2251600027,0.6307626367,0.960763216,0.8361176848,0.001331850537,0.1417347342,0.01396384835,0.06812956929,0.2525664866,0.0583829321,0.08426630497,0.04778005928,0.1877668649,0.02511539869,0.1029044837,0.1195684373,0.07630380988,0.1605080664,0.04074735194,0.1162757427,0.08628591895,0.2693889439,0,45,0.1965270042,0.3387628794,622.4841919,1253.481812,1.840974092,112047.1563,225626.7344,331.3753357,82938.82813,112047.1563,123626.25,1.035934091,1.991917133,0.04908822104,0.1515883356,0.6412617564,0.158061713 +Costa Rica,CRI,Latin America and Caribbean,LCN,2003,ehpm,Urban,2410525,0.2644013166,0.2063587755,0.06840542704,1,0.667193234,0.3630360067,0.305182308,0.05785370246,1063304,0.6611410975,0.5122373104,0.1266522259,0.6164618731,0.0595533587,0.9324210286,0.06757897884,0.846175015,0.1538249701,0.7243100405,0.1916168928,0.08407307416,0.4429182708,0.5569152832,,0.5574114919,0.5574114919,0.1699499786,0.03144165501,0.2426445037,0.7259138227,0.992525816,0.9611904025,0.0006620683707,0.1594915539,0.01541716885,0.06707371026,0.2800984979,0.06495670974,0.1090973094,0.05752187595,0.2142394334,0.03240717947,0.13425529,0.1470012963,0.09780754894,0.1734737158,0.009843188338,0.1232370436,0.09184858203,0.186359942,0,45,0.1836812198,0.3313317895,679.3227539,1367.936279,2.009072065,122142.8516,246228.5313,361.2329712,80295,112500,129900.0078,1.035934091,1.991917133,0.03471846879,0.100257352,0.6449013352,0.2201228142 +Costa Rica,CRI,Latin America and Caribbean,LCN,2003,ehpm,Young worker,829714,0,1,0,0.5995234251,1,0.3630360067,0.305182308,0.05785370246,420044,0.5062515736,0.3570762575,0.1627054662,0.4319994748,0.02195928991,0.8533296585,0.1466703415,0.8533296585,0.1466703415,0.8293112516,0.1439978182,0.02669095807,0.5588026643,0.4411973059,,0.4417552948,0.4417552948,0.0654136613,0.163882345,0.2375378907,0.5985797644,0.9472616911,0.8361176848,0.001403390546,0.1468367577,0.009186594747,0.08011114597,0.2972156703,0.04442853853,0.07947681844,0.01654316857,0.1609155685,0.002273767255,0.04825128987,0.09049592912,0.1118832901,0.1923104823,0.0201709643,0.09541731328,0.06926759332,0.3680378199,0,45,0.2361340821,0.3141360283,517.0213013,1041.113647,1.52907145,93063.82813,187400.4688,275.2328491,75071.08594,93749.99219,97425,1.035934091,1.991917133,0.02261528,0.1020207852,0.7303473949,0.145016551 +Costa Rica,CRI,Latin America and Caribbean,LCN,2004,ehpm,Female,2116287,0.2780790031,0.191345036,0.06589654088,0.6018536091,0.656024456,0.3582539558,0.2985678017,0.0596861504,602209,0.4337631464,0.4337631464,0.2617171407,0.3967087269,0.04923152179,0.9145745039,0.08542548865,0.8149231076,0.1850769222,0.7121349573,0.2447922379,0.04307281598,0.4861801267,0.5138198733,,0.5143246055,0.5143246055,0.2084009051,0.03889582679,0.1308568716,0.830247283,0.9611041546,0.9503014088,0.001188963419,0.1186527237,0.006822904572,0.004192277323,0.2873164415,0.02063233219,0.07879155129,0.05624851212,0.3872584701,0.02088912763,0.1541111022,0.1024683863,0.1346381903,0.2218822837,0.007950759493,0.05214565247,0.03608980402,0.2688515186,0,45,0.2917200625,0.2133143395,694.444458,1245.057373,2.053793907,124496.8516,224110.3438,368.1948547,96449.83594,116715.7813,131867.8125,,1.984437227,0.04152820632,0.1522905082,0.6414447427,0.1647365391 +Costa Rica,CRI,Latin America and Caribbean,LCN,2004,ehpm,Higher education,2019564,0.2376305014,0.2741230428,0.02083667554,0.7000619769,0.7415328026,0.3582539558,0.2985678017,0.0596861504,962915,0.642983675,0.5105282664,0.07928339392,0.6003420353,0.06145668402,0.9336816072,0.06631841511,0.8537294865,0.1462704986,0.7376770973,0.1765151471,0.08580777794,0.3841251135,0.6158748865,,0.6162352562,0.6162352562,0.2155079097,0.04745300487,0.2058849186,0.7466620803,0.9857985377,0.9349218011,0.001199886552,0.1461964101,0.01964130625,0.03884730488,0.2715840042,0.06068747491,0.1222745851,0.06748832017,0.2246277034,0.04519184679,0.1806038767,0.1721116304,0.12468189,0.1572059989,0.01474212948,0.09996484965,0.07526005059,0.1288785189,0,45,0.1595243514,0.3149814904,858.515625,1539.217651,2.539028406,154532.8125,277059.1875,457.025116,113858.5313,138750,161730.875,1.070654392,1.984437227,0,0,0.6525563598,0.3474436402 +Costa Rica,CRI,Latin America and Caribbean,LCN,2004,ehpm,Lower education,2159191,0.3303820789,0.128260076,0.102119267,0.4869578481,0.5674986839,0.3582539558,0.2985678017,0.0596861504,749892,0.6119878888,0.3361540735,0.3070542812,0.57256037,0.04818267375,0.9355747104,0.06442527473,0.8625370264,0.1374629736,0.653090179,0.2778899074,0.06901992857,0.5951352715,0.4048647285,,0.4058596194,0.4058596194,0.04648514464,0.2623714209,0.2467413545,0.4908872247,0.9129123688,0.691215694,0.003543976927,0.1339468956,0.008376413025,0.1008740664,0.2334768027,0.05581370741,0.03777813539,0.02540778555,0.1384107918,0.003091593273,0.001704723574,0.04761253297,0.02084580436,0.1547378749,0.08260212839,0.1426565796,0.1065751612,0.4391473532,0,45,0.20455046,0.4043816328,541.666687,971.1447754,1.601959229,97500.00781,174806.0469,288.3526917,92654.375,106958.0234,97038.53906,1.070654392,1.984437227,0.08411230147,0.2740859985,0.6418017149,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2004,ehpm,Male,2062468,0.2932278216,0.2063576281,0.05969547108,0.5777350068,0.647076726,0.3582539558,0.2985678017,0.0596861504,1110598,0.8321735263,,0.05391606316,0.7866706848,0.05899962783,0.9453204274,0.05467955023,0.8783715367,0.1216284782,0.6945510507,0.2084408402,0.09700810909,0.4715950787,0.5284048915,,0.5291135907,0.5291135907,0.1062832549,0.195803687,0.2726891041,0.531507194,,0.7840644717,0.002774590859,0.1524829865,0.01884274185,0.09858880192,0.2378040403,0.0784907043,0.08858708292,0.04523386061,0.0813915059,0.02980747074,0.07495206594,0.1254497021,0.0500699617,0.1216273233,0.06365258247,0.1535798162,0.1167352945,0.2627865672,0,45,0.1201640144,0.4281825721,663.5113525,1189.5979,1.962310433,119397.7813,214127.6094,353.1145325,94617.59375,121781.25,132948.3281,,1.984437227,0.05016990378,0.1459837556,0.6521248221,0.1517215073 +Costa Rica,CRI,Latin America and Caribbean,LCN,2004,ehpm,Old worker,1892364,0,0,0,0.6136943102,1,0.3582539558,0.2985678017,0.0596861504,1316981,0.6959448457,0.478451699,,0.6665260792,0.06370995194,0.9577283263,0.04227168113,,,0.6709056497,0.2387168854,0.09037746489,0.4557769299,0.5442230701,,0.544811368,0.544811368,0.1639057547,0.1359241605,0.2196754515,0.6444003582,0.9637230039,,0.002483929507,0.1380239278,0.01629944518,0.06286815554,0.2385685891,0.06166158244,0.08601968735,0.05873145536,0.1994190663,0.03322101757,0.1188129783,0.1240852773,0.07217020541,0.1467490196,0.04981645942,0.1230046526,0.09160000086,0.2391933799,0,45,0.1710895151,0.3634513617,732.598938,1313.463867,2.166634321,131337.5469,236423.5,388.4259644,98116.74219,127962.7656,147868.6094,1.070654392,1.984437227,0.05737367272,0.1788898408,0.6020206213,0.1617158949 +Costa Rica,CRI,Latin America and Caribbean,LCN,2004,ehpm,Rural,1713500,0.3203647435,0.1997607201,0.05324423686,0,0.6263909936,0.3582539558,0.2985678017,0.0596861504,637537,0.5939853787,0.340307951,0.2076689303,0.5574539304,0.05863516033,0.9384976625,0.06150231138,0.8677445054,0.1322554797,0.6730750799,0.2511068285,0.07581806928,0.5430207849,0.4569792151,,0.4586873055,0.4586873055,0.09486304969,0.3265077174,0.2056609988,0.4678312838,0.8804157972,0.6578651667,0.003552588634,0.1218715683,0.01410468202,0.06613215804,0.201655522,0.04737791047,0.04144351184,0.03246643394,0.1448879093,0.01352772024,0.05030526966,0.07526319474,0.03995139897,0.1337195188,0.09839268774,0.105572708,0.08117968589,0.4009864032,0,45,0.2139903009,0.3538374305,614.3616943,1101.478394,1.816952109,110585.1094,198266.1094,327.0513916,93372.625,116446.2344,124496.8516,1.070654392,1.984437227,0.06850223988,0.2063754201,0.6425357461,0.08258657157 +Costa Rica,CRI,Latin America and Caribbean,LCN,2004,ehpm,Total,4178755,0.2855558693,0.1987546533,0.06283593923,0.5899496675,0.651608184,0.5346645686,0.4382324783,0.09643209029,1712807,0.6290352594,0.4337631464,0.1552314311,0.587839998,0.05563850701,0.9345104098,0.06548957527,0.8572605252,0.1427394897,0.7006015182,0.2209490538,0.07844944298,0.4766136706,0.5233862996,,0.5240248442,0.5240248442,0.1414752901,0.1417249292,0.2238062024,0.6344688535,0.9611041546,0.8367419839,0.002228099387,0.1408232749,0.01470006816,0.06605475396,0.2548686564,0.05854964256,0.08521102369,0.04903009534,0.1868094802,0.02673874609,0.1021900028,0.1175420284,0.07916915417,0.1561241895,0.04448606819,0.1186771989,0.08898587525,0.2648734748,0,45,0.1792599559,0.3541668653,677.083313,1213.930908,2.002449036,121781.25,218507.5625,360.1635742,94787.23438,120000.0078,132702.1406,1.070654392,1.984437227,0.04578253254,0.1491856873,0.6467025876,0.1583292186 +Costa Rica,CRI,Latin America and Caribbean,LCN,2004,ehpm,Urban,2465255,0.261361599,0.1980553716,0.06950274855,1,0.6691356301,0.3582539558,0.2985678017,0.0596861504,1075270,0.6518407464,0.4913042784,0.1184703931,0.6076110005,0.05384965986,0.9321463704,0.06785365194,0.8498653769,0.150134638,0.7170333862,0.2029463947,0.08002023399,0.4369720221,0.5630279779,,0.5630279779,0.5630279779,0.1692149043,0.03153749555,0.2346263379,0.733836174,0.9951305389,0.965200603,0.001438296284,0.1521243304,0.01505510136,0.06600859761,0.2866000533,0.06521143019,0.1113099307,0.05890713632,0.2118076384,0.03462504968,0.1331625283,0.1427803189,0.102580145,0.1694986224,0.01230658405,0.1264999062,0.09364577383,0.1836210191,0,45,0.1586009711,0.3543628454,729.166687,1307.310303,2.15648365,131250,235315.8594,388.1670532,104383.9219,121781.25,135000,1.070654392,1.984437227,0.02798604779,0.104388617,0.6499664783,0.2176588774 +Costa Rica,CRI,Latin America and Caribbean,LCN,2004,ehpm,Young worker,830547,0,1,0,0.5878739953,1,0.3582539558,0.2985678017,0.0596861504,395826,0.4765847027,0.3252375126,0.1552314311,0.408557266,0.02563611418,0.8572605252,0.1427394897,0.8572605252,0.1427394897,0.8109841347,0.1549041271,0.0341117382,0.5540660024,0.4459339976,,0.4467591643,0.4467591643,0.05720832571,0.1632580161,0.2391400039,0.5976020098,0.9503014088,0.8367419839,0.001278428826,0.1512148082,0.008762994781,0.07788377255,0.3153762817,0.04699775949,0.08220916986,0.01301753521,0.1400012374,0.002643475542,0.04040067643,0.09322009236,0.1051849872,0.1909726858,0.02467243932,0.1025916114,0.07926890254,0.3603290021,0,45,0.2096434385,0.319640547,563.1875,1009.729065,1.66560626,101351.3594,181751.2344,299.7429199,87583.5,100078.9297,106635.6406,1.070654392,1.984437227,0.02156877518,0.08713406324,0.7400426865,0.15125449 +Costa Rica,CRI,Latin America and Caribbean,LCN,2005,ehpm,Female,2147435,0.2681594491,0.1965302825,0.06758155674,0.5976772308,0.6642590165,0.3516828716,0.2899624109,0.0617204681,677285,0.4748035967,0.4748035967,0.2321128994,0.4288826883,0.05509651452,0.9032844305,0.09671556205,0.785020113,0.2149799019,0.7377607226,0.2199725062,0.04226676002,0.5089860559,0.4910139441,,0.4918312132,0.4918312132,0.2020744085,0.0470370166,0.1256547272,0.8273082376,0.9529629946,0.9411129951,0.001262376085,0.1154099926,0.004440420307,0.004541934468,0.2766912282,0.02309280448,0.07114659995,0.04575008154,0.4106275439,0.02048118599,0.1517307609,0.09818709642,0.1215892583,0.2414785624,0.007411148865,0.0511114262,0.03037034534,0.2759467959,0,45,0.3119862378,0.2082992941,760.4017944,1198.01001,2.248860359,136395,215641.7969,403.3831787,98041.25,129384.7109,141707.0625,,1.910671115,0.03491936624,0.1441026032,0.6592387557,0.1617392451 +Costa Rica,CRI,Latin America and Caribbean,LCN,2005,ehpm,Higher education,2111060,0.2274250835,0.2739107311,0.02422290295,0.6951133609,0.7483519912,0.3516828716,0.2899624109,0.0617204681,1044664,0.6612567306,0.5366677046,0.0688881129,0.6181707382,0.07086861134,0.9348422289,0.06515779346,0.8488973379,0.151102677,0.7580708861,0.1647108942,0.07721821219,0.3937974274,0.6062025428,,0.60684973,0.60684973,0.2234157622,0.0528553538,0.2037044019,0.7434402108,0.9821702242,0.9185864925,0.001237681019,0.1471288204,0.01537232753,0.03996558487,0.2558206618,0.06753893942,0.1156501919,0.06789050251,0.2365399599,0.04758364707,0.1761096716,0.1709816605,0.117797941,0.1606324464,0.01452186983,0.09867540002,0.07223969698,0.1387892216,0,45,0.1721997261,0.2967040539,919.1489868,1448.115601,2.718349218,165000,260660.8125,487.9814148,113211.6172,151210.3125,175137.1875,1.007324934,1.910671115,0,0,0.6662710905,0.3337289095 +Costa Rica,CRI,Latin America and Caribbean,LCN,2005,ehpm,Lower education,2149160,0.3251530826,0.1295706183,0.1022394821,0.4867297113,0.5726074576,0.3516828716,0.2899624109,0.0617204681,795746,0.6466193795,0.3923627138,0.2815224826,0.6018226743,0.04637073353,0.9307216406,0.06927838922,0.8509122133,0.1490877718,0.6891798377,0.2460526228,0.06476753205,0.6007010341,0.3992989659,,0.4008071721,0.4008071721,0.04606191441,0.2657265663,0.2384606898,0.4958127439,0.8989224434,0.6992731094,0.003709210781,0.1274579167,0.007575511467,0.09971804917,0.2276377529,0.05903861299,0.03300777823,0.01925972849,0.156868875,0.003918349277,0.004022316542,0.04640989006,0.0239219144,0.1621875316,0.07193181664,0.1399709433,0.1102903262,0.4367906153,0,45,0.2237765789,0.3812843561,622.4841919,980.7213745,1.840974092,112047.1563,176529.8438,331.3753357,102607.25,123223.5313,112047.1563,1.007324934,1.910671115,0.07230553776,0.2687772512,0.6589171886,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2005,ehpm,Male,2112785,0.285433203,0.2057350874,0.05951291695,0.5821761489,0.655053854,0.3516828716,0.2899624109,0.0617204681,1163125,0.8404155374,,0.04663034901,0.7987301946,0.06318429112,0.9503991604,0.04960085824,0.8871570826,0.1128429174,0.7231555581,0.1886247247,0.08821973205,0.4686697423,0.5313302279,,0.5324601531,0.5324601531,0.116309464,0.1989248246,0.2703436613,0.5307314992,,0.7729113698,0.002882415196,0.1515330821,0.01620768011,0.09972048551,0.2253263593,0.08650244772,0.08489494771,0.04754622281,0.08646155149,0.03332811594,0.0743066296,0.1278078407,0.05280464888,0.1169315577,0.05692068115,0.1526659727,0.1209046617,0.262536943,0,45,0.1292673796,0.4023688734,741.166748,1167.7052,2.191973448,132702.3594,210186.9375,392.4623413,104659.2891,134560.0938,148351.5,,1.910671115,0.04273309931,0.1442646086,0.6654753089,0.1475269794 +Costa Rica,CRI,Latin America and Caribbean,LCN,2005,ehpm,Old worker,1953731,0,0,0,0.6082510948,1,0.3516828716,0.2899624109,0.0617204681,1421129,0.7273923755,0.5212566257,,0.6965887547,0.06929586828,0.9576519728,0.04234801978,,,0.6957265735,0.2188292444,0.08544418216,0.4645074308,0.5354925394,,0.5362876058,0.5362876058,0.1725957692,0.1381414235,0.2134348154,0.6484237313,0.9558756351,,0.002655332908,0.1352119446,0.013520604,0.06204694137,0.2290676087,0.06792876869,0.0817412138,0.05613932386,0.2135468423,0.03525780141,0.1186460629,0.1260423809,0.06847511232,0.1497868747,0.04578356072,0.1212097183,0.09329532832,0.2397845089,0,45,0.1873103082,0.3407366872,803.3690796,1265.704834,2.375934362,144375,227826.875,426.9837341,106635.6406,142078.125,159375,1.007324934,1.910671115,0.04836351797,0.1743997633,0.6163024306,0.1609342694 +Costa Rica,CRI,Latin America and Caribbean,LCN,2005,ehpm,Rural,1746734,0.3074961603,0.1959909201,0.05833973736,0,0.6341640949,0.3516828716,0.2899624109,0.0617204681,697986,0.6301127672,0.3939641416,0.1795912832,0.5901305079,0.059506163,0.9365474582,0.06345256418,0.8622284532,0.1377715319,0.6966637373,0.2280704975,0.07526575774,0.5548962355,0.4451037645,,0.4470924735,0.4470924735,0.09777801484,0.3212834299,0.2032056749,0.4755108953,0.8782783151,0.6628987789,0.003625691403,0.1116519943,0.01272132155,0.07520667464,0.2004362494,0.05088068917,0.03660615534,0.02890749834,0.15868029,0.01312840637,0.04745776579,0.07950931042,0.04670206457,0.1479905844,0.08846300095,0.1092692763,0.07791377604,0.3886907995,0,45,0.219220221,0.3441155553,690.0517578,1087.173828,2.040802717,124209.3125,195691.2813,367.3444824,103507.7656,134456.5781,137442.1406,1.007324934,1.910671115,0.05514973029,0.2005517781,0.6516657472,0.09263277054 +Costa Rica,CRI,Latin America and Caribbean,LCN,2005,ehpm,Total,4260220,0.2767260969,0.2010952532,0.06358005106,0.5899897218,0.659693867,0.5158546486,0.4194765341,0.09637811453,1840410,0.6548474051,0.4748035967,0.1380035281,0.6110123039,0.06030290946,0.9330605865,0.06693942845,0.8497093916,0.1502906233,0.7283588648,0.1997928023,0.07184835523,0.4830329716,0.5169669986,,0.5179855227,0.5179855227,0.1469602883,0.1447143853,0.2187025696,0.6365830302,0.9529629946,0.8301145434,0.002304205438,0.1386403441,0.0120078139,0.06575020403,0.2436590493,0.06387083977,0.07998801023,0.04690515995,0.2021599859,0.02875122055,0.101890035,0.1172550395,0.07731010765,0.1613031328,0.03928223252,0.1164857745,0.08865056932,0.2673143744,0,45,0.194429636,0.3331586421,745.4262695,1174.416138,2.20457077,133928.4375,211394.9063,396.0884094,103507.7656,134322.0156,146137.5,1.007324934,1.910671115,0.03878756613,0.1441828012,0.6623261571,0.1547034532 +Costa Rica,CRI,Latin America and Caribbean,LCN,2005,ehpm,Urban,2513486,0.2553425729,0.2046424747,0.06722177565,1,0.6774356365,0.3516828716,0.2899624109,0.0617204681,1142424,0.6709386706,0.5254998207,0.1103241667,0.6245970726,0.0607926324,0.9309301972,0.06906980276,0.8405962586,0.1594037414,0.7478404045,0.1824117601,0.06974782795,0.4388618171,0.5611382127,,0.5615603924,0.5615603924,0.1772177964,0.03580100834,0.2282615453,0.7359374166,0.9872413278,0.955589354,0.001489071059,0.1552876234,0.01156770065,0.05991715565,0.2703202367,0.07188358158,0.1067473069,0.05800668523,0.2289796323,0.03835387528,0.1353471577,0.1404556781,0.09612352401,0.1694857776,0.009052981623,0.120921433,0.09525000304,0.1927096546,0,45,0.1791383773,0.3264002502,789.322937,1243.575195,2.334393501,142078.125,223843.5313,420.1908264,101484.3672,133928.4375,150000,1.007324934,1.910671115,0.02592967451,0.09988634288,0.6707034707,0.2034804821 +Costa Rica,CRI,Latin America and Caribbean,LCN,2005,ehpm,Young worker,856710,0,1,0,0.6003968716,1,0.3516828716,0.2899624109,0.0617204681,419281,0.4894083142,0.364248544,0.1380035281,0.4158548415,0.02594963834,0.8497093916,0.1502906233,0.8497093916,0.1502906233,0.8530147076,0.1270732284,0.01991203241,0.5538009405,0.4461990595,,0.4480712414,0.4480712414,0.0489683114,0.1698854417,0.2388753891,0.5912391543,0.9411129951,0.8301145434,0.000959565572,0.1517694145,0.006214598194,0.07993181795,0.299536854,0.04833106324,0.07327412069,0.01154300943,0.158554107,0.003895954462,0.03788170218,0.08368723094,0.1110599637,0.2052954733,0.01444702968,0.09844021499,0.07090749592,0.3724790812,0,45,0.2216057032,0.3042316735,625,984.6849976,1.84841454,112500,177243.2969,332.7145996,99923.07813,117766.125,113324.0625,1.007324934,1.910671115,0.01889369078,0.0814076066,0.7579396963,0.1417590231 +Costa Rica,CRI,Latin America and Caribbean,LCN,2006,ehpm,Female,2205542,0.2557960749,0.1969470531,0.07021901757,0.6001790166,0.6739848852,0.348277241,0.2853310406,0.06294620782,703180,0.473043412,0.473043412,0.2226808667,0.4317013919,0.0537177138,0.9126041532,0.08739583194,0.8052042723,0.1947957277,0.745241344,0.2086906433,0.04606802016,0.4949970841,0.5047910213,,0.5057427883,0.5057427883,0.1934399754,0.04403803498,0.1270785928,0.8288833499,0.9559619427,0.9501539469,0.0009189567645,0.1158244982,0.007160986308,0.00317415176,0.2755401134,0.02260508575,0.07613119483,0.04762946814,0.4069775045,0.0225501582,0.1496746987,0.1097385958,0.123573184,0.2335018963,0.005315361079,0.04369784519,0.03065331653,0.2808897793,0,45,0.2888708413,0.1899409741,858.515625,1213.404053,2.539028406,154532.8125,218412.7344,457.025116,121874.9922,151742.3906,159954.0156,,1.932780027,0.03618812561,0.1531842947,0.6419935226,0.168634057 +Costa Rica,CRI,Latin America and Caribbean,LCN,2006,ehpm,Higher education,2175711,0.2186347395,0.2784749568,0.02390482835,0.6940485239,0.7574604154,0.348277241,0.2853310406,0.06294620782,1081108,0.6560061574,0.5320715308,0.07228812575,0.6180004478,0.06679011881,0.9420650005,0.05793500692,0.8611132503,0.1388867348,0.7671408653,0.1567374319,0.07612172514,0.3832498491,0.6165969968,,0.6173552871,0.6173552871,0.2158483118,0.04962207749,0.1995623112,0.75081563,0.9823090434,0.9326976538,0.001115390682,0.1415925473,0.01505678892,0.04179759324,0.2585420609,0.07314282656,0.1121962816,0.06955131143,0.2373831272,0.0445067808,0.1844327897,0.1724305153,0.1169956252,0.1540657878,0.01431848016,0.09999469668,0.07782918215,0.1330706477,0,45,0.1569680125,0.2816774845,1041.666626,1472.265015,3.080690622,187499.9844,265007.7188,554.524292,141287.1563,168750,199866.0938,1.002377987,1.932780027,0,0,0.6591296196,0.3408703506 +Costa Rica,CRI,Latin America and Caribbean,LCN,2006,ehpm,Lower education,2174340,0.3209525645,0.1242151633,0.1065468118,0.4854111969,0.5725006461,0.348277241,0.2853310406,0.06294620782,797443,0.6406137347,0.3916872144,0.2929511368,0.6006831527,0.04960433766,0.9376682639,0.06233172864,0.8598589897,0.1401409954,0.6523563862,0.2733594775,0.0742841363,0.6057049632,0.3940101862,,0.3947097361,0.3947097361,0.04359890148,0.2490107268,0.2461342812,0.5048549771,0.9053369761,0.7120802402,0.004765953869,0.1248173788,0.008784675039,0.1077662706,0.230990082,0.05684997141,0.03837671131,0.02040160447,0.1582366377,0.003760680556,0.001797423465,0.04314886034,0.02505827509,0.1622388661,0.06595367193,0.1471506655,0.1051934063,0.4452394247,0,45,0.215985477,0.3589242697,677.083313,956.97229,2.002449036,121874.9922,172255,360.4407959,116715.7813,133825.3125,120535.7188,1.002377987,1.932780027,0.072224617,0.2883546054,0.6394207478,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2006,ehpm,Male,2144509,0.2841568887,0.2059175372,0.06006409973,0.5790500045,0.6557790041,0.348277241,0.2853310406,0.06294620782,1175371,0.8357753754,,0.05931493267,0.7995924354,0.06282248348,0.9567072988,0.04329271242,0.8936927319,0.1063072383,0.7033115625,0.2046374977,0.09205094725,0.4674011171,0.5323916674,,0.5330116749,0.5330116749,0.1141043305,0.1855365038,0.2719082832,0.542555213,,0.7962486744,0.003657547291,0.1451234221,0.01538523287,0.1077420935,0.2305057049,0.091123119,0.08362706006,0.04933721945,0.08796209842,0.02994256839,0.08282361925,0.1222407371,0.05210736394,0.1141677201,0.05379168689,0.1634791344,0.1229477301,0.2562921941,0,45,0.1208199188,0.3855413198,847.4576416,1197.775024,2.506324768,152418.3125,215599.5,450.7715454,118484.0391,150000,171703.125,,1.932780027,0.04024779424,0.1517212689,0.6556267142,0.1524042338 +Costa Rica,CRI,Latin America and Caribbean,LCN,2006,ehpm,Old worker,2016859,0,0,0,0.6132605076,1,0.348277241,0.2853310406,0.06294620782,1444951,0.7164363265,0.5144208074,,0.6906957626,0.06697242707,0.9640714526,0.03592855483,,,0.6866972446,0.2233624905,0.08994024247,0.4612515271,0.5384835601,,0.5392135978,0.5392135978,0.1672201753,0.1299003363,0.2175045907,0.6525950432,0.9574414492,,0.003059542971,0.1318985373,0.01398524921,0.06856124848,0.2290548682,0.07016585767,0.08007339388,0.0573362112,0.2159647346,0.03348083049,0.1247440875,0.1262530237,0.06597819179,0.1449991316,0.04261914268,0.126085043,0.09346276522,0.2412464619,0,45,0.1745924056,0.3199231327,915.75,1294.297729,2.708297014,164835,232973.5938,487.4934387,123129.2344,159242.5625,183295,1.002377987,1.932780027,0.04800330848,0.1826899052,0.6032025814,0.1661041826 +Costa Rica,CRI,Latin America and Caribbean,LCN,2006,ehpm,Rural,1784553,0.3070483208,0.1960810423,0.05978696048,0,0.6331647038,0.348277241,0.2853310406,0.06294620782,705510,0.6243915558,0.3904453814,0.1889019459,0.5879817605,0.0529614538,0.9416875839,0.05831242725,0.8823401332,0.1176598892,0.6883378029,0.2336740047,0.07798817009,0.5446106791,0.4549227059,,0.456265986,0.456265986,0.1019505039,0.3012294173,0.206634745,0.4921358526,0.883731544,0.6883998513,0.00327874301,0.1113822013,0.01254915074,0.07942464203,0.2049297392,0.04965944961,0.04174550623,0.03320538253,0.1625957787,0.01310715452,0.05571594089,0.07272604108,0.04485904053,0.1465222687,0.07771874219,0.1089106947,0.08368378878,0.3950810432,0,45,0.2046738863,0.3345401883,789.8936157,1116.415527,2.336081266,142180.8438,200954.7969,420.4945984,119708.1719,151659.3438,153911.2031,1.002377987,1.932780027,0.05530272797,0.2042719126,0.644548595,0.09587673843 +Costa Rica,CRI,Latin America and Caribbean,LCN,2006,ehpm,Total,4350051,0.2697775364,0.2013693601,0.0652128011,0.5897627473,0.6650096625,0.5037375491,0.4056746114,0.09806293769,1878551,0.649382657,0.473043412,0.1403249204,0.6105486652,0.05951440707,0.9401986003,0.05980141088,0.8606434464,0.1393565536,0.7185460925,0.2061101347,0.07534377277,0.4775274237,0.5224725763,,0.523104012,0.523104012,0.1430020034,0.1341421604,0.2193039954,0.646553874,0.9559619427,0.8500064611,0.002662850544,0.1344816089,0.01239806414,0.06976146251,0.2468628734,0.06623634696,0.08090444654,0.04871693999,0.2038332373,0.02725665271,0.1071129069,0.117698282,0.07807334512,0.1575259119,0.03617857769,0.1199584901,0.08941400796,0.2652293444,0,45,0.1819556504,0.3143832982,855.0592041,1208.518921,2.52880621,153910.6563,217533.4063,455.1850891,118681.2031,150000,164965.5,1.002377987,1.932780027,0.03818780184,0.1524636447,0.6487088203,0.1606397182 +Costa Rica,CRI,Latin America and Caribbean,LCN,2006,ehpm,Urban,2565498,0.243852064,0.2050479054,0.06898699701,1,0.6871609092,0.348277241,0.2853310406,0.06294620782,1173041,0.6654003859,0.5237932205,0.1080125496,0.6250126362,0.0634656027,0.9393030405,0.06069694087,0.8454214931,0.154578492,0.7367605567,0.1894901395,0.07374929637,0.4369187653,0.5630276799,,0.5633882284,0.5633882284,0.1676971465,0.03336997703,0.2269449532,0.7396850586,0.9886494279,0.9683071375,0.002291399054,0.1484131217,0.01230694167,0.06393349171,0.2721532285,0.07623405755,0.1045216471,0.05807213113,0.2287040055,0.03578828648,0.1381034106,0.1448149085,0.09810036421,0.1641607136,0.01113137044,0.1266199052,0.09286911786,0.1869335026,0,45,0.1682491899,0.3022221625,914.9702148,1293.195557,2.705990791,164062.5,232775.1875,485.2088013,115982.1406,150000,171703.125,1.002377987,1.932780027,0.02492407896,0.1123132929,0.6519328952,0.210829705 +Costa Rica,CRI,Latin America and Caribbean,LCN,2006,ehpm,Young worker,875967,0,1,0,0.6005363464,1,0.348277241,0.2853310406,0.06294620782,433600,0.4949958026,0.3728207052,0.1403249204,0.4260149002,0.03167414665,0.8606434464,0.1393565536,0.8606434464,0.1393565536,0.8374355435,0.1417083144,0.02085616626,0.5378119946,0.4621879756,,0.4629838467,0.4629838467,0.05214550346,0.1499935538,0.2260282487,0.6239781976,0.9501539469,0.8500064611,0.00118043751,0.1441343874,0.006466861814,0.07424656302,0.3134101927,0.05155204609,0.08401004225,0.01650730334,0.158498615,0.00402224157,0.04129697755,0.08576405048,0.1232236922,0.204287529,0.01213639695,0.09708850086,0.07430025935,0.3547558188,0,45,0.2095046639,0.2936563492,721.666687,1019.985291,2.134302616,129384.7109,183597.3438,382.6505127,112500,128571.4219,135937.5,1.002377987,1.932780027,0.01753377356,0.08886081725,0.744464159,0.1491412371 +Costa Rica,CRI,Latin America and Caribbean,LCN,2007,ehpm,Female,2245731,0.2475870848,0.2009808868,0.07219430804,0.5987172723,0.6802185774,0.3449700475,0.2815088928,0.06346116215,742284,0.4859189689,0.4859189689,0.2196925282,0.4524047077,0.05918059498,0.9310290813,0.06897090375,0.8517010808,0.1482989192,0.7675216198,0.192890048,0.03958830237,0.4772865474,0.5227134824,,0.5232951641,0.5232951641,0.1846462935,0.05055487156,0.129259184,0.8201859593,0.9494451284,0.9367333651,0.0004588241572,0.1148222014,0.00635239156,0.007625773549,0.2732254267,0.02435397916,0.08852256835,0.04946589097,0.3846180737,0.02494617179,0.1453765631,0.1126238629,0.133444652,0.217577219,0.01036626287,0.04066341743,0.03279466555,0.2805185318,0,46,0.2901103199,0.2108717412,937.5,1211.659424,2.772621632,168750,218098.6875,499.0718994,132979.5313,150678.3281,180000,,1.827358842,0.03280332312,0.1434726268,0.645791173,0.1779328734 +Costa Rica,CRI,Latin America and Caribbean,LCN,2007,ehpm,Higher education,2259912,0.2065695524,0.2822503746,0.02381287329,0.6920459867,0.7696175575,0.3449700475,0.2815088928,0.06346116215,1156748,0.6650775075,0.544420898,0.07687411457,0.6347538233,0.06503672898,0.9544057846,0.04559420049,0.8994935751,0.1005064175,0.7721092105,0.1531901509,0.0747006163,0.3694288135,0.6305711865,,0.6310222745,0.6310222745,0.2051298171,0.04814501852,0.1951073557,0.7567476034,0.9781951904,0.9318907261,0.0006083699991,0.1332594454,0.01434769575,0.04689184949,0.2693303227,0.07170113921,0.1253697574,0.06655458361,0.2237918228,0.05393172428,0.168322295,0.1719961911,0.1300100386,0.1461403817,0.0139156729,0.08940432221,0.07445786148,0.1479102969,0,46,0.1582870334,0.3072111607,1148.936157,1484.927368,3.397936344,206250.0156,267286.9375,609.9768066,149396.2031,187499.9844,217582.2031,0.9942505956,1.827358842,0,0,0.6538273096,0.3461726904 +Costa Rica,CRI,Latin America and Caribbean,LCN,2007,ehpm,Lower education,2179604,0.3256224394,0.1215629056,0.1117501184,0.4837259352,0.5626274347,0.3449700475,0.2815088928,0.06346116215,798223,0.6509171724,0.3985670209,0.276684314,0.6196158528,0.05698056519,0.9519119263,0.04808806628,0.880589366,0.1194106564,0.7019838691,0.2349224389,0.06309371442,0.5787483454,0.4212516248,,0.4215569496,0.4215569496,0.04070725664,0.2383659631,0.2679119706,0.4937220514,0.8894006014,0.7312321067,0.002333654556,0.1306583285,0.006684893277,0.1282351166,0.2136979699,0.05826498196,0.03985650465,0.02012184449,0.1617807448,0.005443265662,0.002609766787,0.04493721202,0.02192309499,0.1499411762,0.07169949263,0.1483776867,0.1110315621,0.4429049492,0,46,0.2048798054,0.3924393654,778.1052246,1005.651794,2.301217556,140058.9375,181017.3125,414.2191467,131533.6094,149349,138461.5313,0.9942505956,1.827358842,0.0690651983,0.2737614214,0.6571733952,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2007,ehpm,Male,2193785,0.2828640938,0.2057954669,0.06165462732,0.5806111097,0.6554812789,0.3449700475,0.2815088928,0.06346116215,1212687,0.8433238268,,0.05135878175,0.8155558109,0.06326800585,0.9670731425,0.03292687982,0.9178064466,0.08219353855,0.7293778658,0.1827505678,0.08787157387,0.4414895773,0.5585104227,,0.5587900877,0.5587900877,0.1104657352,0.1703226715,0.2812198699,0.5484574437,,0.8185756803,0.001817523735,0.1424351633,0.01408067439,0.1228865087,0.230887115,0.09087447077,0.0915222466,0.04645552859,0.08871808648,0.03959643841,0.07447749376,0.1246609464,0.05795574188,0.1065062955,0.05344585329,0.1563358754,0.1227057278,0.2608954906,0,46,0.1108333543,0.4192603528,947.1875,1224.179932,2.801272154,170000,220352.375,502.7687378,135044.25,164835,194850,,1.827358842,0.03768953308,0.1353645772,0.6656961441,0.1612497568 +Costa Rica,CRI,Latin America and Caribbean,LCN,2007,ehpm,Old worker,2062753,0,0,0,0.6138994694,1,0.3449700475,0.2815088928,0.06346116215,1490800,0.722723484,0.5262734294,,0.7026789188,0.07055972517,0.9722652435,0.02773477323,,,0.7051811814,0.2094307244,0.08538807184,0.4439509213,0.5560490489,,0.5564036965,0.5564036965,0.1615769714,0.122237429,0.2132158875,0.6645466685,0.9529626966,,0.001307448489,0.1252629757,0.01281618048,0.0738292858,0.2321448177,0.06865143031,0.09156432748,0.05743701383,0.2147490978,0.04314248264,0.1192173883,0.1247049719,0.07343045622,0.1373890638,0.04380549118,0.1170848608,0.09431350976,0.2436422557,0,46,0.1706791967,0.3480592966,1037.473633,1340.869019,3.068289995,186745.25,241356.4219,552.2921753,136493.3281,178612.5,205105.25,0.9942505956,1.827358842,0.04393772408,0.1692237705,0.6131881475,0.1736503392 +Costa Rica,CRI,Latin America and Caribbean,LCN,2007,ehpm,Rural,1821222,0.3051253557,0.1992206275,0.05834873393,0,0.636525929,0.3449700475,0.2815088928,0.06346116215,731524,0.6310294271,0.4079024196,0.1805002391,0.6038309336,0.06788772345,0.9568982124,0.04310179874,0.9093441963,0.09065577388,0.7160304189,0.2126303911,0.07133918256,0.5264702439,0.4735297859,,0.4745726287,0.4745726287,0.09796722978,0.27850613,0.2154680341,0.5060258508,0.870421648,0.7056456208,0.001639508409,0.1106425002,0.01157956477,0.09160646051,0.2000014335,0.05236412585,0.04944992065,0.03330662847,0.1709037274,0.01719443314,0.05307617038,0.07317920029,0.05121472478,0.1352897286,0.08094783872,0.1101180837,0.08739503473,0.3909305036,0,46,0.20519045,0.3631288409,871.4779053,1126.330078,2.577363729,156866.0313,202739.4063,463.9255066,134802.1719,162977.6719,172512.9375,0.9942505956,1.827358842,0.0478685461,0.1970973015,0.654429853,0.1006042808 +Costa Rica,CRI,Latin America and Caribbean,LCN,2007,ehpm,Total,4439516,0.2650192082,0.2033600062,0.06698612869,0.5897701383,0.6679946631,0.4970179482,0.3967385113,0.1002794369,1954971,0.6592220132,0.4859189689,0.1355142742,0.6284940657,0.06175245345,0.9533875585,0.04661245644,0.8927571774,0.1072428077,0.7435210347,0.1865101457,0.06996880472,0.4547626078,0.545237422,,0.5456290841,0.5456290841,0.1380779147,0.1259117872,0.2248715907,0.6492165923,0.9494451284,0.8612505198,0.001313706744,0.132196039,0.01121496316,0.08014687896,0.2465865165,0.06620812416,0.09040994197,0.04757179692,0.1984402388,0.03416432068,0.1007658914,0.1201977655,0.08594598621,0.1476898491,0.03747253492,0.1134461313,0.08936794847,0.2681714296,0,46,0.1773035526,0.3419964612,943.8775635,1219.9021,2.791483164,169302.0625,219582.3906,500.7046204,134456.5781,162375,187499.9844,0.9942505956,1.827358842,0.03519457206,0.1395046413,0.6555324197,0.1697683632 +Costa Rica,CRI,Latin America and Caribbean,LCN,2007,ehpm,Urban,2618294,0.237122342,0.2062392533,0.07299409807,1,0.6898835897,0.3449700475,0.2815088928,0.06346116215,1223447,0.677315414,0.5345441103,0.1052880138,0.6443223357,0.05806241557,0.9512884617,0.04871154949,0.8815327287,0.118467249,0.7600551844,0.170800209,0.06914459169,0.4116342962,0.588365674,,0.588365674,0.588365674,0.1622299105,0.03383088112,0.2305460423,0.7356230617,0.9872376323,0.9699425697,0.001117106178,0.1452022344,0.01099494938,0.07323174924,0.2746976316,0.07456209511,0.1151266918,0.0561799109,0.2150567621,0.04437080026,0.129448697,0.1484769136,0.1068349779,0.1551478654,0.01132447366,0.1154477671,0.09055455029,0.1943384558,0,46,0.1605159342,0.3292749822,1030.21875,1331.492554,3.046833992,185439.375,239668.6563,548.4301147,128472.2969,162375,194269.8125,0.9942505956,1.827358842,0.02529022656,0.09449763596,0.6563940048,0.2238181084 +Costa Rica,CRI,Latin America and Caribbean,LCN,2007,ehpm,Young worker,902820,0,1,0,0.5981203318,1,0.3449700475,0.2815088928,0.06346116215,464171,0.5141345859,0.3896940053,0.1355142742,0.4589973688,0.03094654344,0.8927571774,0.1072428077,0.8927571774,0.1072428077,0.877625525,0.1063389257,0.01603554189,0.4925794899,0.5074204803,,0.5079417825,0.5079417825,0.05564316735,0.1387494951,0.2655949891,0.5956555009,0.9367333651,0.8612505198,0.001335572219,0.1564192176,0.005620533135,0.1022196636,0.2970438302,0.05767155439,0.08637668192,0.01310409233,0.1414593607,0.002760671079,0.03622656688,0.1044325158,0.1297225803,0.1837197691,0.01532124169,0.1007186398,0.07206944376,0.3539691865,0,46,0.2004042268,0.3208539486,811.875,1049.297119,2.401090384,146137.5,188873.4688,432.1962891,132419.3594,142078.125,154532.8125,0.9942505956,1.827358842,0.01721632853,0.07839424163,0.7426034212,0.16178599 +Costa Rica,CRI,Latin America and Caribbean,LCN,2008,ehpm,Female,2284029,0.24082838,0.1913268119,0.07361464947,0.599560678,0.6855569482,0.3384805918,0.2741073668,0.06437321007,762576,0.4870100915,0.4870100915,0.2195901126,0.4560782909,0.05504647642,0.9364863038,0.06351366639,0.8659312129,0.1340687722,0.7599468827,0.1973136961,0.04273939878,0.4574188292,0.542581141,,0.5429522395,0.5429522395,0.1913912892,0.04185402393,0.1304196417,0.8277263641,0.9581459761,0.9500725865,0.0005337985931,0.1156544834,0.008452279493,0.005779072177,0.2648413479,0.03256733343,0.1049082801,0.04927663133,0.3761327565,0.02801683731,0.1542060226,0.1309977621,0.1267044991,0.2185349762,0.006837575696,0.0375023447,0.03724189475,0.2586194277,0,46,0.2760842443,0.2112479955,1120.215454,1276.463501,3.312995911,200738.4219,229763.4219,593.6765137,140058.9375,195501.5156,206250.0156,,1.921483159,0.03582105786,0.1360482872,0.6390609145,0.1890697479 +Costa Rica,CRI,Latin America and Caribbean,LCN,2008,ehpm,Higher education,2351728,0.2038233131,0.2777442932,0.02676329948,0.6850443482,0.7694134116,0.3384805918,0.2741073668,0.06437321007,1200064,0.6632199287,0.5527531505,0.0778163448,0.6335037351,0.06576323509,0.955194056,0.04480594397,0.9020483494,0.09795165807,0.7794030309,0.1446531117,0.07594386488,0.3568072319,0.6431927681,,0.6438069344,0.6438069344,0.2067160457,0.04583442956,0.1898962557,0.7642692924,0.9838026166,0.9340025187,0.0007001034101,0.1212449372,0.01918318309,0.04876802862,0.254403919,0.08107530326,0.1356141418,0.06848921627,0.2246867567,0.05015990511,0.1771482676,0.1916934103,0.1248745993,0.1548032165,0.01282655261,0.08993329853,0.06961826235,0.1260540485,0,46,0.1497423053,0.3046183288,1373.625,1565.21875,4.062445164,247252.5,281739.375,731.2401733,172512.9375,232499.9844,258769.4219,0.9862852693,1.921483159,0,0,0.6437571049,0.3562428951 +Costa Rica,CRI,Latin America and Caribbean,LCN,2008,ehpm,Lower education,2173784,0.3154407144,0.1146130413,0.1142942458,0.485108465,0.5702650547,0.3384805918,0.2741073668,0.06437321007,794897,0.6412357688,0.3865725398,0.2835147679,0.6038448215,0.04924881086,0.9416893125,0.05831069872,0.8657187819,0.134281233,0.6811177731,0.2523238361,0.0665583685,0.5738151073,0.4261848927,,0.4268167913,0.4268167913,0.04039699584,0.2300703079,0.2620424032,0.5078873038,0.9008560777,0.7519360781,0.00161292695,0.1287048757,0.00800573919,0.1237188578,0.2298869342,0.06436448544,0.04217034206,0.02041122317,0.1510542929,0.008782359771,0.003132740036,0.05061679706,0.023902338,0.1542216539,0.07038178295,0.1499039531,0.1201088503,0.4180197418,0,46,0.1823889315,0.4124212563,908.3764648,1035.077148,2.686490059,163306.4375,186313.8906,482.9727783,151659.5625,172512.9375,164835,0.9862852693,1.921483159,0.07179786265,0.2639499009,0.6642522216,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2008,ehpm,Male,2241483,0.2743621171,0.207597822,0.06390991807,0.5782533288,0.6617279649,0.3384805918,0.2741073668,0.06437321007,1232385,0.8308669329,,0.05480876938,0.7960198522,0.061775323,0.9580593705,0.04194062576,0.9040207863,0.09597922117,0.7288595438,0.1810632348,0.09007722884,0.433532536,0.566467464,,0.5672398806,0.5672398806,0.1103394181,0.1652375311,0.2717000842,0.5630623698,,0.831859827,0.001380400732,0.1293649673,0.01857845858,0.1223762631,0.2325193137,0.09981554747,0.0948549509,0.04958392307,0.08628864586,0.03732029721,0.08070141822,0.1389644146,0.05975279212,0.1158865318,0.05293817818,0.159666568,0.12121135,0.2309743911,0,46,0.09383075684,0.4294596612,1128.334839,1285.715454,3.337008715,202968.7344,231428.7813,600.272583,155891.6875,198000,225000,,1.921483159,0.03697339818,0.131437555,0.669670403,0.1619186401 +Costa Rica,CRI,Latin America and Caribbean,LCN,2008,ehpm,Old worker,2146761,0,0,0,0.6071113348,1,0.3384805918,0.2741073668,0.06437321007,1551940,0.7229216695,0.5297129154,,0.6990112066,0.06905125082,0.9669252634,0.03307473287,,,0.7046861053,0.209947288,0.08536661416,0.4377899766,0.5622100234,,0.5626898408,0.5626898408,0.1594073027,0.1169326454,0.2127067596,0.6703606248,0.9601429105,,0.001128696022,0.1228060126,0.01556852181,0.07320352644,0.231523037,0.07584717125,0.09578613192,0.05734698102,0.209857285,0.0414997898,0.1241148636,0.1404535472,0.06849747896,0.147046864,0.04055217654,0.1150752008,0.0935792774,0.2275847793,0,46,0.1590669304,0.3536864221,1198.00647,1365.104858,3.543060064,215641.1563,245718.875,637.7507935,156866.0313,207015.5313,234889.875,0.9862852693,1.921483159,0.04611928761,0.1614746004,0.6129279137,0.1794782132 +Costa Rica,CRI,Latin America and Caribbean,LCN,2008,ehpm,Rural,1859953,0.2939934433,0.1939957589,0.05853803828,0,0.6474685073,0.3384805918,0.2741073668,0.06437321007,749371,0.6222662926,0.3881842196,0.1824800521,0.5901702642,0.04642481729,0.948420763,0.05157925934,0.8943096995,0.1056903228,0.7163633108,0.208403036,0.07523367554,0.4987568855,0.5012431145,,0.5021464229,0.5021464229,0.1027951613,0.2629596889,0.2182412595,0.5187990665,0.893386364,0.7226702571,0.00186826475,0.1102882996,0.01254305523,0.09354164451,0.2100683153,0.05908881128,0.05544964597,0.03348907083,0.1607032269,0.01922278665,0.05881790072,0.08795318753,0.0524356328,0.1416087151,0.07285720855,0.1134273857,0.09063919634,0.3614016175,0,46,0.1761463135,0.3870647848,1042.661011,1188.091797,3.083631516,187155.5156,213856.5313,553.5055542,155621.0313,194953.6406,213271.2813,0.9862852693,1.921483159,0.04864437506,0.1823521554,0.6627280712,0.1062753946 +Costa Rica,CRI,Latin America and Caribbean,LCN,2008,ehpm,Total,4525512,0.2574376166,0.1993858367,0.0688079074,0.5890071392,0.6737544686,0.4842202007,0.3820941138,0.1021260869,1994961,0.6542820874,0.4870100915,0.1346125454,0.6214456767,0.05923930183,0.9498130679,0.05018694699,0.8898675442,0.1101324782,0.7405759692,0.1871878356,0.07223618031,0.4425349832,0.5574650168,,0.5580861568,0.5580861568,0.1410335898,0.1187238172,0.2184394896,0.6628366709,0.9581459761,0.8744373918,0.001061244518,0.1241963208,0.01476104278,0.07842088491,0.2447042316,0.07446398586,0.09864489734,0.04946808144,0.1955554783,0.0338139385,0.1084044054,0.1359618753,0.08498606831,0.1545734704,0.03556342423,0.1136243716,0.08956429362,0.2413934618,0,46,0.1626103371,0.347110033,1125,1281.915405,3.327146053,202500,230744.7813,598.8862915,155106.3906,197006.3281,218571.4375,0.9862852693,1.921483159,0.03638890386,0.1337762326,0.6541445255,0.175690338 +Costa Rica,CRI,Latin America and Caribbean,LCN,2008,ehpm,Urban,2665559,0.2319299579,0.2031468749,0.07597393543,1,0.6920961142,0.3384805918,0.2741073668,0.06437321007,1245590,0.6751813293,0.5481892824,0.1027165279,0.641861558,0.06693065912,0.950650692,0.04934930429,0.8868829012,0.1131171137,0.7551086545,0.1744543016,0.07043705881,0.4087901413,0.5912098289,,0.5916616917,0.5916616917,0.1640111655,0.03207507357,0.2185585797,0.749366343,0.9858656526,0.9778664708,0.0005764323869,0.1325514764,0.01609348319,0.0693371892,0.2655115426,0.08370052278,0.1245941669,0.05906736478,0.2164927423,0.04257166386,0.1381666213,0.1647770852,0.1045231,0.1623550355,0.01317939628,0.1137425974,0.0889191255,0.169363603,0,46,0.1544796377,0.3231102824,1189.560059,1355.480347,3.518079996,213750,243986.4688,632.1577759,144230.625,197802,224775,0.9862852693,1.921483159,0.02667271718,0.09526503831,0.6473394632,0.2307227701 +Costa Rica,CRI,Latin America and Caribbean,LCN,2008,ehpm,Young worker,902323,0,1,0,0.6001176834,1,0.3384805918,0.2741073668,0.06437321007,443021,0.4909783006,0.3767013848,0.1346125454,0.4369056225,0.02189077437,0.8898675442,0.1101324782,0.8898675442,0.1101324782,0.8771884441,0.1005555168,0.02225604281,0.4605965912,0.539403379,,0.5405626297,0.5405626297,0.07078761607,0.1255625933,0.2403274029,0.6341099739,0.9500725865,0.8744373918,0.0008037108346,0.1295046061,0.01167804655,0.09834104031,0.2950307727,0.06918291748,0.1095598191,0.01938601583,0.1409504712,0.004558252636,0.04860360548,0.1188646257,0.1477487832,0.1832229942,0.01657408103,0.1081018671,0.07428151369,0.2939552963,0,46,0.1761208177,0.322035253,958.4052124,1092.083984,2.834448099,172379.7656,196575.125,509.8068237,149396.2031,165943.125,185439.375,0.9862852693,1.921483159,0.01534405164,0.07387024164,0.7432878017,0.167497918 +Costa Rica,CRI,Latin America and Caribbean,LCN,2009,ehpm,Female,2326836,0.2296474725,0.19263798,0.07683695853,0.5998575091,0.6935155988,0.3247486055,0.2586454451,0.06610313803,793795,0.4919108152,0.4919108152,0.2149911821,0.4427212775,0.05966674909,0.9000031352,0.09999684989,0.7794526219,0.2205473632,0.754317522,0.2054721415,0.04021035135,0.4511994421,0.5481413007,,0.549222827,0.549222827,0.2071511298,0.03427935764,0.1161554605,0.849565208,0.9657206535,0.9665829539,0.0002131678921,0.1024411917,0.007291183341,0.006209916901,0.279289186,0.03709822521,0.0952636078,0.05935743824,0.3785566986,0.02862329967,0.160621658,0.120764032,0.1306406111,0.223678574,0.006346424576,0.04426540062,0.02506375872,0.2599962354,0,45,0.2942293286,0.1863178909,1299,1372.526367,3.841744661,233490.5625,247054.75,690.5397339,172070.875,214120.8125,243749.9844,,2.029084682,0.03304798901,0.1328693181,0.6504892707,0.1835934371 +Costa Rica,CRI,Latin America and Caribbean,LCN,2009,ehpm,Higher education,2440724,0.1932869107,0.2821838856,0.02825145237,0.6752836704,0.7784616351,0.3247486055,0.2586454451,0.06610313803,1264585,0.6655675769,0.5605680346,0.0839541629,0.6192793846,0.06732152402,0.9304530621,0.06954692304,0.8388266563,0.1611733735,0.7726206183,0.1511910707,0.07618832588,0.3559679091,0.6433947086,,0.6444513798,0.6444513798,0.2238566428,0.04123031721,0.1811757684,0.7775939107,0.9866446853,0.9316978455,0.0005322351935,0.1217470989,0.01759702712,0.04129940271,0.261277169,0.08254507184,0.1286013275,0.07980116457,0.2253692001,0.05191660672,0.1746715456,0.1920158863,0.1299534142,0.1579391062,0.01294536889,0.08126295358,0.07094201446,0.1271479577,0,45,0.1574978977,0.2699163556,1625,1716.97876,4.805877686,292275,309056.1563,864.3925781,202649.875,266134.0625,309065.625,1,2.029084682,0,0,0.649704814,0.350295186 +Costa Rica,CRI,Latin America and Caribbean,LCN,2009,ehpm,Lower education,2176326,0.2991812825,0.1115545183,0.120280236,0.4928011596,0.5805385113,0.3247486055,0.2586454451,0.06610313803,801327,0.6342417002,0.3846620321,0.2806709111,0.5738613605,0.04167356342,0.9047991633,0.09520083666,0.783005178,0.2169948518,0.6813913584,0.2574395835,0.06116903946,0.5678651929,0.4308796823,,0.4319003522,0.4319003522,0.04537551478,0.2324618995,0.2349278629,0.5326102376,0.9154818058,0.7114308476,0.001337169553,0.118639648,0.008813727647,0.1061373204,0.2419007421,0.06869795173,0.03457735479,0.02428708412,0.1631471068,0.00646860851,0.0009668432176,0.04865800589,0.02728401124,0.1595608592,0.06820589304,0.1336671114,0.1189768836,0.4357414842,0,45,0.2120883167,0.3429039717,1030.21875,1088.531494,3.046833992,185439.375,195935.6563,548.4301147,178093.7344,197802,183956.3906,1,2.029084682,0.07127994299,0.2530359626,0.6756840944,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2009,ehpm,Male,2290214,0.256973356,0.2110174,0.06634140015,0.5785079598,0.676685214,0.3247486055,0.2586454451,0.06610313803,1272117,0.8208509088,,0.06124049425,0.7660951614,0.05626489222,0.933293879,0.06670612842,0.8449332118,0.1550667882,0.7279220223,0.183412388,0.08866557479,0.4280658364,0.5709326863,,0.5720050335,0.5720050335,0.1250815094,0.162456736,0.2532309294,0.5843123198,,0.8092136383,0.001217034063,0.131471768,0.01842780411,0.1021143124,0.2385707796,0.1014394984,0.09113229066,0.05813639238,0.09503338486,0.03817869723,0.07704721391,0.1473444253,0.06684135646,0.119371593,0.05066291243,0.1355281323,0.1278827935,0.235661298,0,45,0.1086141542,0.3647345304,1263.829834,1335.365479,3.737730265,227489.375,240365.7813,672.7914429,179562.2656,225000,256518.125,,2.029084682,0.03865709528,0.1214960143,0.6751848459,0.1646620631 +Costa Rica,CRI,Latin America and Caribbean,LCN,2009,ehpm,Old worker,2231939,0,0,0,0.6103531718,1,0.3247486055,0.2586454451,0.06610313803,1624675,0.7279208899,0.5421524644,,0.68974334,0.06579948217,0.9475525618,0.05244741216,,,0.7090463042,0.2100151628,0.0809385106,0.4320832193,0.5669372082,,0.5680204034,0.5680204034,0.1736645699,0.1091939881,0.2003390193,0.690467,0.9655359387,,0.0008455869392,0.1183327064,0.01492307987,0.06623764336,0.2384034544,0.07979828119,0.09093282372,0.06601827592,0.2153141797,0.04093759879,0.1243776232,0.1452062875,0.07194252312,0.149757877,0.03833474591,0.1036197618,0.09388456494,0.2310640365,0,45,0.1714144945,0.3017161489,1373.625,1451.375366,4.062445164,247252.5,261247.5625,731.2401733,182413.2656,236968.0781,278159.0625,1,2.029084682,0.04468253255,0.1549760252,0.621676147,0.1786652952 +Costa Rica,CRI,Latin America and Caribbean,LCN,2009,ehpm,Rural,1896373,0.2779358327,0.205146879,0.05832185969,0,0.6637423038,0.3247486055,0.2586454451,0.06610313803,784929,0.6236014366,0.4062607884,0.1741745621,0.5721953511,0.04894310609,0.917565763,0.0824342072,0.8222057223,0.1777942479,0.7081019282,0.2272515148,0.06464655697,0.4941184819,0.5046902299,,0.5061415434,0.5061415434,0.1147266924,0.2489780039,0.194112584,0.5569094419,0.9091892242,0.7274768353,0.001488182112,0.1070768535,0.01540428214,0.07014326006,0.2292231172,0.06215487793,0.05497658625,0.04355190694,0.1670029312,0.01860809885,0.05954813957,0.09612148255,0.05000944063,0.1517625004,0.06965749711,0.1009713635,0.09112720191,0.3615805507,0,45,0.1990442872,0.3245509565,1198.00647,1265.816406,3.543060064,215641.1563,227846.9531,637.7507935,182413.2656,224094.3125,231044.4063,1,2.029084682,0.0482420586,0.1730165333,0.6725891232,0.1061523035 +Costa Rica,CRI,Latin America and Caribbean,LCN,2009,ehpm,Total,4617050,0.2432020456,0.2017547935,0.07163080573,0.5892673731,0.6851671487,0.4594978786,0.3549528696,0.104545009,2065912,0.6530564281,0.4919108152,0.135224238,0.6011400252,0.05754289404,0.9205024242,0.07949757576,0.8209012151,0.1790987551,0.7378382087,0.1916997433,0.07046201825,0.4371381932,0.5628618068,,0.5634444356,0.5634444356,0.1560170799,0.1142788455,0.2017085254,0.6840126514,0.9657206535,0.8640749454,0.0008397119818,0.1205600798,0.01424189471,0.06606683135,0.2538755536,0.0772556141,0.09268512577,0.05859534442,0.2016009837,0.03458894417,0.1084442809,0.1373587698,0.09080932289,0.158557415,0.03401418775,0.1012427434,0.0892559588,0.2448033988,0,45,0.1783097535,0.29774189,1275.412476,1347.60376,3.771985531,229187.375,242568.6719,677.8132324,179562.2656,224094.3125,249313.1094,1,2.029084682,0.03583642095,0.1272153556,0.6627660394,0.1741821617 +Costa Rica,CRI,Latin America and Caribbean,LCN,2009,ehpm,Urban,2720677,0.218991816,0.1993904412,0.08090743423,1,0.7001007199,0.3247486055,0.2586454451,0.06610313803,1280983,0.6725209951,0.5462397933,0.1072911844,0.6202673316,0.06278540194,0.9223018289,0.07769814134,0.8199373484,0.1800626665,0.7559657693,0.1700270772,0.07400717586,0.4017882943,0.5975328684,,0.5983588696,0.5983588696,0.1811842471,0.03194641694,0.2063513994,0.7617021799,0.9918805957,0.96535182,0.0004433463619,0.128801465,0.01353140641,0.06357518584,0.2689439356,0.08648566157,0.1157337874,0.06779037416,0.2227484286,0.04433100671,0.1382517964,0.1624973714,0.1156812832,0.1626996547,0.01228571963,0.1014081836,0.0881152302,0.1736150384,0,45,0.1656549275,0.2813796103,1373.625,1451.375366,4.062445164,247252.5,261247.5625,731.2401733,164062.5,217282.5,267651,1,2.029084682,0.0258145649,0.09021501243,0.654830575,0.2291398644 +Costa Rica,CRI,Latin America and Caribbean,LCN,2009,ehpm,Young worker,931512,0,1,0,0.5823618174,1,0.3247486055,0.2586454451,0.06610313803,441237,0.4736782908,0.3612776399,0.135224238,0.3888430893,0.02245094068,0.8209012151,0.1790987551,0.8209012151,0.1790987551,0.8602089286,0.1138559729,0.02593508735,0.4566193223,0.5429610014,,0.5440065265,0.5440065265,0.08051482588,0.1359250546,0.2075384855,0.6565364599,0.9665829539,0.8640749454,0.0008147023036,0.1300420165,0.01134209707,0.06533968449,0.3197401762,0.06643149257,0.1001446545,0.02699602023,0.1432241201,0.007606043015,0.04072476923,0.1040053889,0.1709965467,0.1959570646,0.01565105468,0.09113999456,0.06958355755,0.3031981289,0,45,0.2076862752,0.2808098793,1089.34729,1151.006836,3.221704483,196082.5,207181.2344,579.9067993,168070.75,197802,202968.7344,1,2.029084682,0.01638737135,0.06618079543,0.7531062961,0.1643255502 +Costa Rica,CRI,Latin America and Caribbean,LCN,2010,enaho,Female,2327840,0.2270177454,0.1944021136,0.08234543353,0.6301309466,0.6906368136,0.3272113204,0.2545732856,0.07263804972,772325,0.4803936183,0.4803936183,0.2153680325,0.4346379638,0.04138593376,0.9047538042,0.09524617344,0.7913047671,0.2086952478,0.8018959165,0.1817294508,0.01637462713,0.4506728947,0.5493270755,,0.5497034788,0.5497034788,0.1920165271,0.04841920733,0.1165303439,0.8350504637,0.9515807629,0.9397776127,0.0003207903937,0.1033980772,0.008507418446,0.004304057453,0.2587757111,0.02993420139,0.0931802541,0.049984321,0.4031759799,0.02890818566,0.1455885023,0.1122253016,0.1246815771,0.2179763168,0.008788375184,0.04387747496,0.01986936852,0.2940807045,0,44,0.3198992014,0.2337147593,1331.62439,1331.62439,3.938230038,239692.3906,239692.3906,708.8814087,187486.4844,227406.0781,247438.9219,,2.207620382,0.03700069338,0.1242270768,0.6382495165,0.2005227059 +Costa Rica,CRI,Latin America and Caribbean,LCN,2010,enaho,Higher education,2397351,0.1913649738,0.2832914293,0.03701710701,0.7132722735,0.771617949,0.3272113204,0.2545732856,0.07263804972,1196174,0.6466368437,0.5305026174,0.09086960554,0.6013171673,0.04910908639,0.9299148917,0.07008512318,0.8415567279,0.158443287,0.7977686524,0.1628710628,0.03936026618,0.3387498558,0.661250174,,0.6616474986,0.6616474986,0.1985111237,0.06458933651,0.1893556863,0.7460549474,0.9765710235,0.8919603229,0.000817701628,0.1241214722,0.02387798019,0.04053853825,0.2458789796,0.06977478415,0.1289840192,0.07042057812,0.2309966236,0.05611234158,0.166577667,0.1800330877,0.1261880398,0.150096193,0.0158251971,0.08656166494,0.06543772668,0.1453440487,0,44,0.1830840707,0.3419092596,1644.506104,1644.506104,4.863566399,296011.0938,296011.0938,875.4418945,210752.8906,261638,319758.25,1.042240739,2.207620382,0,0,0.6054588556,0.3945411444 +Costa Rica,CRI,Latin America and Caribbean,LCN,2010,enaho,Lower education,2163079,0.2918501794,0.1047303379,0.1230066046,0.5091890097,0.5851432085,0.3272113204,0.2545732856,0.07263804972,801090,0.6329169869,0.403847158,0.2990067899,0.5831615329,0.03590908647,0.921387136,0.07861288637,0.8147912025,0.1852087826,0.7340939045,0.2442048192,0.02170125395,0.571326375,0.428673625,,0.4298807383,0.4298807383,0.03779839352,0.2713003159,0.2099896669,0.5187100172,0.9006476998,0.6977906227,0.001662449329,0.1172815859,0.0126805976,0.0783650279,0.2172979116,0.05406089127,0.04335836694,0.01919707283,0.1847957969,0.006076297257,0.001965821022,0.04024717212,0.02570063621,0.1614804715,0.08477552235,0.1211872399,0.1020601168,0.4538160861,0,44,0.2367208302,0.3800783455,1062.41333,1062.41333,3.142048359,191234.3906,191234.3906,565.5686646,187486.4531,194769.7813,192121.4219,1.042240739,2.207620382,0.07837018371,0.2449816763,0.67664814,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2010,enaho,Male,2232590,0.2515477538,0.2029714435,0.07306715846,0.6022315025,0.6753851175,0.3272113204,0.2545732856,0.07263804972,1224939,0.8123702407,,0.0705922097,0.7637920976,0.04533511773,0.9402019382,0.05979808047,0.8585608602,0.1414391249,0.754455626,0.2035556436,0.04198873043,0.4199003279,0.5800997019,,0.5810287595,0.5810287595,0.09897892922,0.2078195363,0.2471024543,0.5450779796,,0.7755259275,0.001665898715,0.1323529333,0.02603208087,0.08705154061,0.2195703536,0.08394531906,0.09558641911,0.04984179139,0.09613411129,0.04054997489,0.07381326705,0.1315857619,0.06270003319,0.1162074879,0.06428465992,0.1346508116,0.1165565401,0.252799809,0,44,0.1380087435,0.4295860231,1312.242188,1312.242188,3.880908012,236203.5938,236203.5938,698.5634155,192694.8906,225719.2813,273029.125,,2.207620382,0.04200590029,0.12236996,0.6444713473,0.1911527663 +Costa Rica,CRI,Latin America and Caribbean,LCN,2010,enaho,Old worker,2209861,0,0,0,0.6369997859,1,0.3272113204,0.2545732856,0.07263804972,1588197,0.7186864018,0.5363366604,,0.6830837131,0.04781122506,0.9504614472,0.04953856394,,,0.749366045,0.2117414773,0.03889249638,0.4288899899,0.5711100101,,0.5717241168,0.5717241168,0.1489523947,0.1432327628,0.1922729909,0.6644942164,0.9540583491,,0.00108075235,0.117371574,0.01993744075,0.053883221,0.2233193815,0.06666310132,0.09258912504,0.05501009151,0.2269125432,0.04266654328,0.1167894453,0.1254405379,0.07242567092,0.1449460685,0.04790661857,0.1016435698,0.08446525782,0.2580191195,0,44,0.1985737681,0.3649781644,1398.304077,1398.304077,4.13543272,251694.7344,251694.7344,744.3779297,197942.4375,243994.5,279461.9375,1.042240739,2.207620382,0.05009079725,0.1526066363,0.6070851088,0.1902174503 +Costa Rica,CRI,Latin America and Caribbean,LCN,2010,enaho,Rural,1749050,0.2757348418,0.1978108138,0.06781681627,0,0.6564483643,0.3272113204,0.2545732856,0.07263804972,690873,0.6017213464,0.378051281,0.1833337694,0.5551869273,0.04582833871,0.9226645231,0.07733548433,0.8413331509,0.1586668342,0.7307198644,0.2378907055,0.03138942271,0.5263348818,0.473665148,,0.4750550687,0.4750550687,0.09244651347,0.3517875373,0.1690041274,0.4792083502,0.861436367,0.6341782808,0.002234900603,0.08834310621,0.02233641595,0.05608971044,0.1840346307,0.04707771167,0.04429037869,0.0324123539,0.1713932753,0.0220489949,0.05521112308,0.07578705251,0.0498992838,0.1325261444,0.09923695028,0.08708059043,0.07338997722,0.4030832648,0,44,0.2390272617,0.346152395,1221.476196,1221.476196,3.612470865,219865.7188,219865.7188,650.244751,192694.8906,232339,248637.1406,1.042240739,2.207620382,0.05657609552,0.1790822595,0.6462669969,0.1180746257 +Costa Rica,CRI,Latin America and Caribbean,LCN,2010,enaho,Total,4560430,0.2390265763,0.1985972822,0.07780318707,0.6164725423,0.6831702292,0.4637640076,0.3498785018,0.1138855058,1997264,0.641063053,0.4803936183,0.1429309547,0.5939413412,0.04384383559,0.9264944196,0.07350555807,0.8334429264,0.1665570736,0.7723699212,0.1953136921,0.03231639415,0.4315205812,0.5684794188,,0.5691998005,0.5691998005,0.1342014372,0.1474164724,0.1976235211,0.6549600363,0.9515807629,0.8340806961,0.001156184007,0.1213807911,0.01939129457,0.05569525436,0.2344268113,0.06347837299,0.09467463195,0.04989580065,0.2124843895,0.03615383059,0.100916855,0.1242749095,0.08610535413,0.1546371877,0.04332828522,0.1003732085,0.08004575968,0.2683881819,0,44,0.2049666941,0.35748142,1317.087646,1317.087646,3.895238161,237075.7813,237075.7813,701.1428833,191091.9688,226073.7656,261293.2813,1.042240739,2.207620382,0.03944981843,0.1233183593,0.6412939429,0.195937857 +Costa Rica,CRI,Latin America and Caribbean,LCN,2010,enaho,Urban,2811380,0.2161892056,0.1990865767,0.08401603252,1,0.6997947693,0.3272113204,0.2545732856,0.07263804972,1306391,0.6640227437,0.5372081995,0.1179561466,0.6165583134,0.04280096665,0.928519845,0.07148013264,0.8286964893,0.1713035107,0.7942572832,0.1729392111,0.03280352056,0.3816951215,0.6183048487,,0.6186733842,0.6186733842,0.156316787,0.0391257517,0.2127881795,0.7480860949,0.9860411286,0.9572867751,0.0005846011918,0.1388865709,0.0178307537,0.05548624322,0.2611282766,0.07216864824,0.1213718876,0.05915980786,0.2342574596,0.04356600344,0.1249354929,0.1497555673,0.1051318645,0.1662566662,0.01394794788,0.1073585525,0.08354341984,0.1976051331,0,44,0.1867796183,0.3635306954,1389.279053,1389.279053,4.10874176,250070.2344,250070.2344,739.5734863,188099.4063,224289.7344,267289.25,1.042240739,2.207620382,0.0274712909,0.08431576192,0.6378157139,0.2503972352 +Costa Rica,CRI,Latin America and Caribbean,LCN,2010,enaho,Young worker,905689,0,1,0,0.6179913878,1,0.3272113204,0.2545732856,0.07263804972,409067,0.4516638815,0.337592274,0.1429309547,0.3764360547,0.02627781406,0.8334429264,0.1665570736,0.8334429264,0.1665570736,0.8742219806,0.1225779802,0.003200032748,0.4431678951,0.5568321347,,0.5580229759,0.5580229759,0.06887370348,0.1659193039,0.2212868333,0.6127938628,0.9397776127,0.8340806961,0.001489788759,0.1391119808,0.01697590575,0.06370916218,0.2835505307,0.04939359054,0.1038979813,0.02727732249,0.1486744136,0.007318132091,0.03063936159,0.1191139668,0.1466735452,0.1975455731,0.02305724844,0.09474854171,0.06047797948,0.3142983615,0,44,0.2323247194,0.3253997266,1097.24646,1097.24646,3.245065928,197504.375,197504.375,584.1119385,173064.4219,188099.4063,212552.3125,1.042240739,2.207620382,0.01561009977,0.0577018261,0.7179344296,0.2087536603 +Costa Rica,CRI,Latin America and Caribbean,LCN,2012,enaho,Female,2377758,0.2130696177,0.1795590669,0.09434938431,0.6302996278,0.6925809979,0.3159205317,0.2378677726,0.07805274427,830197,0.5041304827,0.5041304827,0.1858212203,0.4521839321,0.03967088088,0.8969581723,0.1030418053,0.7584527731,0.2415471971,0.8055548072,0.1783061028,0.01613908261,0.4353738427,0.5646261573,,0.5647416711,0.5647416711,0.1801758856,0.03854555264,0.1141736358,0.8472808003,0.9614544511,0.963154614,0.0003769404721,0.09664183855,0.008646580391,0.008508278057,0.24570553,0.0309457276,0.1180894822,0.05152694881,0.4010131359,0.01949366927,0.1655524969,0.1027083769,0.1096069068,0.2850485742,0.007698898204,0.04815135151,0.01664132997,0.2444739342,0,44,0.3235316575,0.2209474742,1613.165283,1471.771851,4.770876884,290369.75,264918.9375,858.7578735,198757.3438,278053.9375,299093.2813,,2.456945896,0.03126479313,0.1169854626,0.6335065961,0.2182431519 +Costa Rica,CRI,Latin America and Caribbean,LCN,2012,enaho,Higher education,2529956,0.1712966561,0.2750134766,0.04113036022,0.7017908692,0.7875729799,0.3159205317,0.2378677726,0.07805274427,1337843,0.6714309454,0.5626833439,0.07466670126,0.619388938,0.0464514792,0.9224908948,0.07750909775,0.8254249692,0.1745750159,0.8021809459,0.1589315087,0.03888755664,0.3395824432,0.6601080298,,0.660609901,0.660609901,0.1806444377,0.05680283159,0.1854304671,0.7577667236,0.9812948108,0.8997685313,0.0007923572557,0.1157637239,0.02205066383,0.04682372138,0.2426368594,0.07865581661,0.1342963576,0.06688529253,0.2352923751,0.04028204083,0.1830866337,0.1386122257,0.1163231656,0.2158728093,0.01405342016,0.09250349551,0.06354019046,0.1347253323,0,44,0.1863112748,0.3336488605,1853.692993,1691.217407,5.482228756,333664.75,304419.125,986.8012085,232905.2344,303766.5938,358314.25,1.066656947,2.456945896,0,0,0.5962556005,0.4037443995 +Costa Rica,CRI,Latin America and Caribbean,LCN,2012,enaho,Lower education,2134159,0.282550633,0.08705162257,0.1386335343,0.516276896,0.5788158178,0.3159205317,0.2378677726,0.07805274427,780633,0.6319456697,0.4055781066,0.3040768206,0.5806133747,0.03774279356,0.9187710285,0.08122894913,0.7877165675,0.2122834176,0.7246100307,0.2525769472,0.02281298861,0.5758780837,0.4239936471,,0.4243771434,0.4243771434,0.03231816366,0.2585178614,0.2193144262,0.5221676826,0.9151886106,0.6771404147,0.001718112151,0.1102094203,0.01343874075,0.09394816309,0.2014594823,0.05994240195,0.06097271293,0.01607672125,0.1837163717,0.0046652155,0.0002872188925,0.02382104285,0.02163343877,0.1979314685,0.07314322144,0.1371386647,0.09744389355,0.4433767498,0,44,0.2645756602,0.3642669618,1215.043823,1108.545654,3.593447447,218707.8906,199538.2188,646.8205566,206389.8438,220728.9688,226206.25,1.066656947,2.456945896,0.07043395191,0.242564261,0.6870017648,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2012,enaho,Male,2286357,0.2317017913,0.1988342106,0.07679640502,0.6029753685,0.6915017962,0.3159205317,0.2378677726,0.07805274427,1288279,0.814840436,,0.06402686983,0.7632534504,0.04545963183,0.9366907477,0.06330926716,0.8496974707,0.1503025442,0.7539941072,0.2026345879,0.0433713235,0.4209148884,0.578692317,,0.5793483257,0.5793483257,0.09248027951,0.1886010319,0.2495860308,0.5618129373,,0.7820850015,0.001601570635,0.1242265776,0.02516312338,0.09859476238,0.2161376774,0.09686954319,0.1004628465,0.04598437622,0.1023584977,0.03194115683,0.08525845408,0.09254101664,0.0641881004,0.1625216752,0.05309521034,0.1464019418,0.1126318574,0.2504501939,0,44,0.1523948163,0.4182581902,1490.428467,1359.792969,4.407887459,268277.125,244762.7344,793.4197388,214896.2031,257967.9688,311420.4375,,2.456945896,0.03716372326,0.1184965074,0.6472242475,0.1971155256 +Costa Rica,CRI,Latin America and Caribbean,LCN,2012,enaho,Old worker,2346256,0,0,0,0.6388633847,1,0.3159205317,0.2378677726,0.07805274427,1711109,0.729293406,0.5564876199,,0.6900542974,0.04776151851,0.9461957216,0.05380428582,,,0.7508097291,0.2103648782,0.03882538155,0.4222516418,0.5774555802,,0.5779589415,0.5779589415,0.1441147774,0.1264241785,0.1949084252,0.6786674261,0.9611479044,,0.00128979492,0.1120889038,0.01857815124,0.06295157969,0.2156167328,0.07560800016,0.1034500152,0.05477519706,0.2292174697,0.03225730732,0.1316622645,0.09767924994,0.07028036565,0.2018858045,0.03975926712,0.1107530147,0.08023376763,0.2348336428,0,44,0.2121485323,0.349205941,1634.250122,1491.008667,4.833234787,294165.0313,268381.5625,869.9822388,219289.2188,278053.9375,325857.875,1.066656947,2.456945896,0.04324675724,0.147867918,0.6079676747,0.2009176314 +Costa Rica,CRI,Latin America and Caribbean,LCN,2012,enaho,Rural,1786798,0.2542553842,0.1999946237,0.07153914124,0,0.674205482,0.3159205317,0.2378677726,0.07805274427,727474,0.6038787365,0.3874779344,0.1665789783,0.5568292737,0.04616909847,0.9220879078,0.07791206241,0.8318057656,0.1681942195,0.7328081131,0.2370291948,0.03016271815,0.513453424,0.4864093959,,0.4872842431,0.4872842431,0.09311721474,0.3266220689,0.1787340343,0.4946438968,0.8849110603,0.640820086,0.001344450284,0.09605482966,0.02007991821,0.06125482917,0.1844741404,0.05098880082,0.05397563428,0.03052411042,0.1746812165,0.01650131494,0.05982006341,0.05119596794,0.04694429785,0.1828173995,0.08832653612,0.09603530169,0.07299696654,0.3845019639,0,44,0.2411334664,0.3474945724,1391.988281,1269.980957,4.116754055,250557.8906,228596.5781,741.0157471,213708.4219,257987.2969,283786.0313,1.066656947,2.456945896,0.0453552641,0.1660346836,0.6508406401,0.1377693862 +Costa Rica,CRI,Latin America and Caribbean,LCN,2012,enaho,Total,4664115,0.2222031355,0.189007774,0.08574488759,0.616905272,0.692051962,0.4449781808,0.3210786873,0.1238994935,2118476,0.6563199325,0.5041304827,0.1230134517,0.6045495257,0.04325061664,0.9211201668,0.07887981832,0.8157926202,0.1842073649,0.7736698985,0.1933507323,0.03297937661,0.4265360912,0.5734639088,,0.5737729669,0.5737729669,0.126027748,0.1313922703,0.1979599595,0.6706478,0.9614544511,0.8442760706,0.00113467942,0.1137098745,0.01886617951,0.06424922496,0.2274104506,0.07173603773,0.1071830094,0.04809748754,0.2162207961,0.02719113976,0.1158990264,0.09642092884,0.08152011782,0.209278509,0.03577177227,0.1089090705,0.07600143552,0.2481696159,0,44,0.2157808989,0.3451777697,1530.756592,1396.586304,4.527156353,275536.1875,251385.5313,814.8881226,213190.6875,260347.0781,304894.1875,1.066656947,2.456945896,0.03418667242,0.1177339181,0.6403012872,0.2077781558 +Costa Rica,CRI,Latin America and Caribbean,LCN,2012,enaho,Urban,2877317,0.2022988796,0.1821849942,0.09456656873,1,0.7031345367,0.3159205317,0.2378677726,0.07805274427,1391002,0.6875457764,0.5704067945,0.09331481904,0.632964313,0.04172185063,0.9206140637,0.07938593626,0.8056020737,0.1943979114,0.7950742245,0.1704709381,0.03445480764,0.3808489442,0.6188527942,,0.6190850735,0.6190850735,0.1433003992,0.02843424864,0.208099097,0.7634666562,0.9905104041,0.9801686406,0.001024052966,0.1230205819,0.01822609082,0.06582836807,0.2500537038,0.08267747611,0.1352428943,0.05736512691,0.2381274551,0.03279071301,0.1452744752,0.1201107949,0.09963172674,0.2231394351,0.008242384531,0.1156526431,0.07757524401,0.176755622,0,44,0.2021997124,0.3439366817,1647.727051,1503.304321,4.873092175,296590.8438,270594.7813,877.1564941,203906.2344,261239.3125,311420.4375,1.066656947,2.456945896,0.02603754029,0.08249139786,0.6326112151,0.258859843 +Costa Rica,CRI,Latin America and Caribbean,LCN,2012,enaho,Young worker,881554,0,1,0,0.5946362615,1,0.3159205317,0.2378677726,0.07805274427,407367,0.4621010125,0.3545396626,0.1230134517,0.376978606,0.02127422765,0.8157926202,0.1842073649,0.8157926202,0.1842073649,0.8850409389,0.1104604825,0.004498581402,0.4468008876,0.5531991124,,0.553385675,0.553385675,0.03789730743,0.1557239145,0.212905094,0.6313710213,0.963154614,0.8442760706,0.0003749885655,0.1216487288,0.02027682029,0.07060455531,0.285171181,0.05277278274,0.1254656911,0.01539282314,0.1525685191,0.002509576501,0.03910305351,0.09029058367,0.1362784207,0.2452945411,0.01634534635,0.0999256745,0.05538219959,0.3131403625,0,44,0.2329851538,0.3260988593,1287.286743,1174.456543,3.807103157,231711.6094,211402.1719,685.2785645,195274.875,214989.4219,249244.4219,1.066656947,2.456945896,0.0117510464,0.04311266914,0.720369339,0.2247669399 +Costa Rica,CRI,Latin America and Caribbean,LCN,2015,enaho,Female,2481262,0.2129114121,0.1717928201,0.0945526883,0.73621732,0.6925358772,0.3130670488,0.2235464603,0.08952058852,890938,0.5184806585,0.5184806585,0.1850852668,0.4630447626,0.04761844873,0.8930801153,0.1069198996,0.7593986392,0.2406013459,0.7951812148,0.1783721894,0.02644659393,0.2614534199,0.5318639874,,0.670430243,0.670430243,0.1209034845,0.03656750545,0.1057678014,0.8576647043,0.9634324908,0.9571703076,0,0.0919290036,0.005857394077,0.007981407456,0.2652172744,0.02326851338,0.1133843064,0.05052961782,0.4052649736,0.0132453246,0.1634335965,0.08759012818,0.1093999669,0.2982278764,0.006404526066,0.05037246644,0.01911299676,0.2522131205,0,43,0.3459642529,0.2022297531,1679.460083,1382.258179,4.966941357,302302.8125,248806.4688,894.0494385,220508.1875,278335.375,312606.2813,,2.737115383,0.02368982323,0.1173674837,0.6350582242,0.2238844633 +Costa Rica,CRI,Latin America and Caribbean,LCN,2015,enaho,Higher education,2720933,0.1705462784,0.2614742815,0.04353139177,0.7893648744,0.7859223485,0.3130670488,0.2235464603,0.08952058852,1425890,0.6667891741,0.5700216889,0.08496262878,0.6110593677,0.04730641469,0.9164206386,0.08357937634,0.8025968671,0.1974031329,0.8030871153,0.1533716172,0.04354124516,0.1677894592,0.6322426796,,0.7902715802,0.7902715802,0.1157086045,0.05245564133,0.1712521762,0.7762922049,0.9797878265,0.8982035518,0.0009109728853,0.1094538942,0.01505671907,0.04583059251,0.2456523776,0.06821263582,0.1503388733,0.06462544203,0.2474628389,0.02680058964,0.1845938563,0.1382939219,0.1197888032,0.2188695669,0.01269291993,0.09057923406,0.05975499749,0.1486261189,0,43,0.1971700341,0.3038962781,1917.026978,1577.784668,5.669536591,345064.8438,284001.25,1020.516541,236174.0625,309903.1875,365395.8125,1.059658647,2.737115383,0,0,0.6056862473,0.3943137228 +Costa Rica,CRI,Latin America and Caribbean,LCN,2015,enaho,Lower education,2107962,0.2833855748,0.06942108274,0.1519301534,0.6453992128,0.5646842718,0.3130670488,0.2235464603,0.08952058852,766790,0.6441810727,0.4201467633,0.3047349751,0.5843272209,0.04223887995,0.9070853591,0.09291461855,0.7566802502,0.24331972,0.7225150466,0.2441786528,0.03330630437,0.3349752128,0.3865607381,,0.5357469916,0.5357469916,0.01772553101,0.2181055695,0.211600855,0.5702936053,0.9202022552,0.7178964615,0.001729409327,0.09846986085,0.01388707012,0.09751451015,0.2275626361,0.05757120252,0.06684267521,0.01649125665,0.2018258125,0.001457247883,0.0003265501,0.02658578195,0.01982892863,0.2025373131,0.06386428326,0.1391880214,0.1038630754,0.4423488081,0,43,0.2837204933,0.3562394083,1303.452515,1072.789917,3.854912758,234621.4531,193102.1875,693.8843384,223703.9688,237835.2813,239682.8281,1.059658647,2.737115383,0.06056792662,0.2499359399,0.6894961596,0 +Costa Rica,CRI,Latin America and Caribbean,LCN,2015,enaho,Male,2347633,0.2270891517,0.1838140786,0.08693820238,0.7162695527,0.685972631,0.3130670488,0.2235464603,0.08952058852,1301742,0.8083285689,,0.06058934703,0.7492368221,0.04417941719,0.9268963933,0.0731035769,0.8146178126,0.1853821874,0.7618541718,0.1892315447,0.04891428724,0.2023985088,0.5568118095,,0.7334091663,0.7334091663,0.05292028561,0.1584348828,0.2376850992,0.6038799882,,0.804888308,0.001983391354,0.1146741956,0.02044693008,0.1005805805,0.2223248035,0.09170633554,0.1265612692,0.04616631567,0.1171212867,0.02112914436,0.09228309244,0.1073266268,0.06899349391,0.1570817977,0.04635518789,0.1451461911,0.112013422,0.249671042,0,43,0.152269423,0.3991238475,1604.604248,1320.649048,4.745557785,288828.7813,237716.8281,854.2005005,226991.0313,275075,325631.5625,,2.737115383,0.0318701975,0.1113499328,0.653290689,0.2034891546 +Costa Rica,CRI,Latin America and Caribbean,LCN,2015,enaho,Old worker,2470984,0,0,0,0.738730371,1,0.3130670488,0.2235464603,0.08952058852,1827113,0.7394272685,0.5785875916,,0.6929939389,0.04976883158,0.9372036457,0.06279633194,,,0.7544437051,0.1998339146,0.04572240636,0.2040566951,0.5487372279,,0.7289341688,0.7289341688,0.09123393148,0.1053048372,0.1856457293,0.7090494037,0.964425087,,0.001195244491,0.1054205671,0.01571994834,0.06330996752,0.226336062,0.06690037996,0.1166582033,0.05299345776,0.2461613417,0.02096853033,0.1328552365,0.1036118567,0.0761860311,0.2047247142,0.03335596994,0.1116301417,0.07866749167,0.2380000353,0,43,0.2219892889,0.3294857144,1722.13269,1417.379395,5.09314394,309983.875,255128.2969,916.7658691,230435.5,286716.125,336484.4688,1.059658647,2.737115383,0.03513601795,0.1439323425,0.6212973595,0.1996342987 +Costa Rica,CRI,Latin America and Caribbean,LCN,2015,enaho,Rural,1320609,0.2455685288,0.1822537929,0.08331762254,0,0.6711138487,0.3130670488,0.2235464603,0.08952058852,546340,0.6164424419,0.4159620106,0.1606532931,0.5581617355,0.04566927999,0.9054563046,0.094543688,0.7829529643,0.2170470506,0.7269667387,0.233094871,0.03993838653,0.2947621346,0.4305388927,,0.5936002731,0.5936002731,0.07296068966,0.3028575778,0.1490628272,0.5480796099,0.8874368072,0.6605568528,0.003239659825,0.06857955456,0.01824940927,0.05899420753,0.2111549526,0.03539125994,0.06827583164,0.03285419941,0.2004033327,0.008228463121,0.05979444087,0.05229433998,0.03715453297,0.2014142424,0.08658600599,0.08969773352,0.06214947626,0.4026807845,0,43,0.283210367,0.3134104908,1500.659546,1235.098755,4.438145161,270118.7188,222317.7656,798.8661499,227779.1875,264532.5625,311587.6563,1.059658647,2.737115383,0.04128947854,0.1612762809,0.6600022912,0.1374319494 +Costa Rica,CRI,Latin America and Caribbean,LCN,2015,enaho,Total,4828895,0.219804123,0.1776371151,0.09085080773,0.7265194058,0.6893450767,0.4506522804,0.31885935,0.1317929304,2192680,0.65870478,0.5184806585,0.1224552393,0.6015002435,0.04554605484,0.9131560326,0.08684395254,0.7929654717,0.2070345581,0.7750980258,0.1849161386,0.03998583555,0.2922837174,0.7077162826,,0.7077162862,0.7077162862,0.07982064039,0.1100151837,0.1852724105,0.7047123909,0.9634324908,0.8621260524,0.00119536079,0.1056371927,0.01465029363,0.06378956884,0.2393666208,0.06451498717,0.1213258654,0.04789992049,0.2316050231,0.01799490862,0.1205691844,0.09948032349,0.08505720645,0.2131948322,0.03047268465,0.1074686199,0.07508058846,0.2506816387,0,43,0.227753967,0.3223925233,1634.861938,1345.552246,4.835043907,294275.1563,242199.4063,870.3079224,226609.2031,275075,318646.2188,1.059658647,2.737115383,0.02772312053,0.1144005582,0.6440476775,0.2138286382 +Costa Rica,CRI,Latin America and Caribbean,LCN,2015,enaho,Urban,3508286,0.2101057321,0.1758992821,0.09368649125,1,0.6962077618,0.3130670488,0.2235464603,0.08952058852,1646340,0.6740400195,0.5542961955,0.1075570583,0.6172260046,0.04550562054,0.9157112241,0.08428878337,0.7969030142,0.2030970156,0.7908915877,0.1691070199,0.04000140727,0.2032592744,0.5850791931,,0.7421674728,0.7421674728,0.08217793703,0.04678913578,0.1971442252,0.7560666203,0.9826238751,0.9398783445,0.000525108946,0.1177870557,0.01347027346,0.06536179781,0.2486161888,0.07406359911,0.1387190521,0.05283286795,0.2418349236,0.0211993102,0.1405095607,0.1149621904,0.1007742211,0.2170600891,0.01206173282,0.1132993028,0.07932332158,0.2008102685,0,43,0.2094062865,0.3253642023,1688.459961,1389.665405,4.99355793,303922.7813,250139.7813,898.8404541,221893.75,278335.375,321121.9375,1.059658647,2.737115383,0.02182451636,0.09401915222,0.6371106505,0.247045666 +Costa Rica,CRI,Latin America and Caribbean,LCN,2015,enaho,Young worker,857791,0,1,0,0.71941185,1,0.3130670488,0.2235464603,0.08952058852,365567,0.4261725843,0.3362829983,0.1224552393,0.3379401267,0.02060148679,0.7929654717,0.2070345581,0.7929654717,0.2070345581,0.8971064091,0.09679456055,0.006099033169,0.3546994925,0.5360319018,,0.6017884612,0.6017884612,0.01538695768,0.1378739327,0.1830645055,0.679061532,0.9571703076,0.8621260524,0.001196048222,0.1069184095,0.008323942311,0.06662610918,0.3164342642,0.05040686205,0.1489322037,0.01777479798,0.1455134302,0.0004247398756,0.04797488824,0.07506845891,0.1374741495,0.2632420361,0.01343628392,0.0828795284,0.05388671532,0.3256132007,0,43,0.2607929111,0.2817395031,1337.170288,1100.541016,3.954631805,240690.6563,198097.375,711.8337402,207565.3125,225771.2188,257882.8594,1.059658647,2.737115383,0.008271960542,0.03691027686,0.7037436962,0.2510740459 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1996,enft,Female,3736229,0.3601714373,0.2267834693,0.04399489611,0.5743842125,0.5958336592,0.3796431124,0.3213676512,0.0582754463,934560,0.4198060334,0.4198060334,0.1973256767,0.2907880843,,0.6926724911,0.3073275089,0.5343769193,0.4656230807,0.7170376182,0.2671809793,0.01578140818,,,,,,0,0.02700041421,0.1987846941,0.7742148638,0.9729995728,0.9816573858,0.0003447124618,0.1862931252,0.003077679314,0.009069183841,0.2985070646,0.01440527011,0.03718875349,0.03702026233,0.387093544,,,,,,,,,,,44,0.2179722041,0.2015450895,11.14370728,45.56365204,0.5649000406,2005.86731,8201.458008,101.6820068,1575,2001.824097,2045.087036,,,0.09485062212,0.4065741897,0.3572286367,0.141346544 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1996,enft,Higher education,1963311,0.01853705384,0.435809195,0.01268673129,0.6045990586,0.968776226,0.3796431124,0.3213676512,0.0582754463,1227275,0.6452519298,0.488447547,0.08503101021,0.5295311213,,0.8206579685,0.1793420315,0.6825140119,0.3174859881,0.7191823125,0.2435013652,0.03731632978,,,,,,0,0.05289896205,0.2423660755,0.7047349811,0.9939290285,0.9322378635,0.0004880678025,0.1984160244,0.008094539866,0.03536744788,0.236778751,0.07146749645,0.06041361019,0.06527133286,0.2708037794,,,,,,,,,,,44,0.1374312043,0.2267445624,15.62890625,63.90243912,0.7922650576,2813.203125,11502.43945,142.6077118,2086.171875,2520,3000.234375,0.8573371172,,0,0,0.6201774478,0.3798225224 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1996,enft,Lower education,5494588,0.4983902276,0.1414886862,0.0537936613,0.5375995636,0.4478161037,0.3796431124,0.3213676512,0.0582754463,1526380,0.6203371882,0.3646207154,0.1452660263,0.5154560208,,0.8309287429,0.169071272,0.7014194131,0.2985805869,0.5361492038,0.42377159,0.04007922485,,,,,,0,0.2376730442,0.244041279,0.5182856917,0.9483244419,0.7557384372,0.0007965221303,0.1695873737,0.003305290593,0.07035208493,0.2192701548,0.08713194728,0.01017953735,0.03612058237,0.1655834615,,,,,,,,,,,44,0.1550721377,0.2825414538,10,40.88734055,0.5069229007,1800,7359.72168,91.24612427,1724.05127,2070.155273,1569.375,0.8573371172,,0.1475531012,0.6468051076,0.2056417912,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1996,enft,Male,3721670,0.3840104043,0.2111245692,0.04194541648,0.5360155702,0.574044168,0.3796431124,0.3213676512,0.0582754463,1819095,0.8514755964,,0.02353334986,0.7620949745,,0.8950285912,0.1049714312,0.7896900177,0.2103099823,0.5774533153,0.3745158613,0.04803082347,,,,,,0,0.2075577527,0.2610591948,0.5313830376,,0.7760973573,0.0007861873019,0.1807336658,0.006354859564,0.0731844753,0.1984792948,0.1064651757,0.03043993749,0.05377089232,0.142227754,,,,,,,,,,,44,0.1191505417,0.2802292407,12.93847084,52.90196609,0.6558806896,2328.924805,9522.353516,118.0585327,1773.783569,2454.960938,2510.859375,,,0.09497530758,0.4260948896,0.3496152461,0.1293145567 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1996,enft,Old worker,2729523,0,0,0,0.5128313899,1,0.3796431124,0.3213676512,0.0582754463,1893053,0.6935471892,0.4405681193,,0.6152668595,,0.8871304989,0.1128695309,,,0.5784891248,0.3700449765,0.05146586522,,,,,,0,0.1533940732,0.2297474146,0.616858542,0.9697944522,,0.0008954194491,0.1652831882,0.006375529803,0.05719327182,0.2327146083,0.08432304859,0.03360393271,0.05604441091,0.2101725191,,,,,,,,,,,44,0.1355645061,0.2717649639,13.91559505,56.89716721,0.7054134011,2504.807129,10241.49023,126.974411,1811.385986,2484.186279,2617.03125,0.8573371172,,0.1250485331,0.4656677544,0.2756444216,0.1336392909 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1996,enft,Rural,3316995,0.3159817755,0.2439020872,0.03922978416,0,0.644788444,0.3796431124,0.3213676512,0.0582754463,1284503,0.6005830765,0.3947154284,0.1545532793,0.4873884916,,0.8115255237,0.1884744465,0.6732388139,0.3267612159,0.5753779411,0.389485091,0.03513694927,,,,,,0,0.2667855322,0.2284926772,0.5047218204,0.9602692723,0.7078714967,0,0.1737551242,0.00341029535,0.0513272509,0.202831924,0.0767326057,0.01087511703,0.02999466099,0.1842874885,,,,,,,,,,,44,0.1529277861,0.2586801648,11.98380947,48.99860764,0.6074867249,2157.085693,8819.75,109.3476105,1763.675171,2225.416748,2407.364258,0.8573371172,,0.1179376543,0.4454349875,0.3239237368,0.1127036214 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1996,enft,Total,7457899,0.3720676601,0.2189693153,0.04297215492,0.5552373528,0.5849601924,0.7095180499,0.636056376,0.07346167392,2753655,0.6311996033,0.4198060334,0.1137061864,0.5215925281,,0.8263511658,0.1736488342,0.6926558614,0.3073441684,0.6171631217,0.3439805806,0.03885631636,,,,,,0,0.1560713798,0.2433014661,0.6006271243,0.9729995728,0.8364098072,0.0006602996145,0.1823189557,0.005420363508,0.05490184203,0.2270024717,0.08021406084,0.03236437961,0.04899441078,0.2120518386,,,,,,,,,,,44,0.1472639292,0.2578446865,12.37465858,50.59668732,0.6272997856,2227.438477,9107.40332,112.9139557,1773.783569,2267.929688,2318.203125,0.8573371172,,0.09491112828,0.416046828,0.353534162,0.1355078816 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1996,enft,Urban,4140904,0.4169942141,0.1989973634,0.04596991464,1,0.5370358825,0.3796431124,0.3213676512,0.0582754463,1469152,0.6606451869,0.4485051334,0.07360298932,0.5544883609,,0.8393134475,0.1606865674,0.7111219168,0.288878113,0.65248698,0.3055124581,0.0420005545,,,,,,0,0.06209931523,0.2558708787,0.6820297837,0.9842603207,0.9519793987,0.001220749458,0.1895877719,0.007126471493,0.05793588981,0.2475179583,0.08316905797,0.05060406029,0.0651210323,0.2356176823,,,,,,,,,,,44,0.1424758732,0.2571384311,12.5,51.10917282,0.6336536407,2250,9199.651367,114.0576553,1800,2300.273438,2250,0.8573371172,,0.06985218823,0.384064734,0.3857581317,0.160324946 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1996,enft,Young worker,1633051,0,1,0,0.5045948029,1,0.3796431124,0.3213676512,0.0582754463,860602,0.5269902945,0.3860193789,0.1137061864,0.3650228977,,0.6926558614,0.3073441684,0.6926558614,0.3073441684,0.7261185646,0.270549804,0.003331650281,,,,,,0,0.1635902226,0.2813660502,0.555043757,0.9816573858,0.8364098072,0,0.2301614285,0.002737918636,0.04846669734,0.2109607458,0.06867458671,0.02888327837,0.02919551171,0.2173296362,,,,,,,,,,,44,0.1802244931,0.2186273783,10,40.88734055,0.5069229007,1800,7359.72168,91.24612427,1656.124268,1956.445313,1673.789063,0.8573371172,,0.04750075564,0.3379861414,0.4760656357,0.1384474486 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1997,enft,Female,3811649,0.3657949567,0.2236774713,0.04426037148,0.5724532604,0.5899446607,0.392966181,0.3388450742,0.05412108824,1021747,0.4543799758,0.4543799758,0.2171913534,0.3269481957,,0.719547987,0.280452013,0.5802823901,0.4197176397,0.6848227978,0.3016039133,0.01357325166,,,,,,0,0.02240218967,0.2282847017,0.7493131161,0.9775978327,0.9840297103,0.001183357905,0.2152677625,0.006708415225,0.005125164054,0.2921506763,0.01938530616,0.04262944683,0.03785929084,0.3572883904,,,,,,,,,,,43,0.2131295651,0.20708628,15.88268852,59.96504593,0.8051298261,2858.884033,10793.70801,144.9233856,2030.821899,2863.799316,2885.399902,,,0.1469801664,0.4347081482,0.295679599,0.1226320788 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1997,enft,Higher education,1579462,0.01129561849,0.4276608229,0.009439922869,0.7713107467,0.9792644382,0.392966181,0.3388450742,0.05412108824,1083725,0.7006641626,0.5855132341,0.06979542971,0.571246326,,0.8152925968,0.1847073734,0.7032157779,0.2967842221,0.7078601718,0.2522010505,0.03993874788,,,,,,0,0.03208409622,0.2799718976,0.687943995,0.9940302968,0.9767738581,0.003910348285,0.2308542877,0.01012050174,0.03508674726,0.2701920569,0.07215752453,0.07340250164,0.07269626111,0.1994956732,,,,,,,,,,,43,0.1493289024,0.2303155512,21.56411743,81.41526031,1.093134522,3881.541016,14654.74609,196.7642059,2462.398682,3524.397461,4129.197754,0.9204482436,,0,0,0.5997173786,0.4002825916 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1997,enft,Lower education,5960022,0.4721093178,0.1614559442,0.05283822864,0.5021602511,0.4750524461,0.392966181,0.3388450742,0.05412108824,1772858,0.6261588931,0.3758394122,0.1768953204,0.5324934721,,0.8504127264,0.1495872736,0.7382493615,0.2617506087,0.4962037206,0.4731872678,0.03060900234,,,,,,0,0.2500184178,0.2712267637,0.4787548482,0.9615423083,0.7579753399,0.002213362372,0.1905435026,0.006205638871,0.07226425409,0.2290289402,0.07891230285,0.01200070884,0.0335393697,0.1252735257,,,,,,,,,,,43,0.1387752295,0.2782634795,14.47958183,54.6676178,0.7340031862,2606.324707,9840.170898,132.120575,2587.694092,2863.799316,2447.999756,0.9204482436,,0.1965900809,0.6364978552,0.1669120789,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1997,enft,Male,3727835,0.3855699003,0.2106249332,0.04322133213,0.5443242788,0.571208775,0.392966181,0.3388450742,0.05412108824,1834836,0.8616794348,,0.04100359976,0.7777025104,,0.9025427699,0.09745720774,0.8124021888,0.187597841,0.5253928304,0.4314572811,0.04314989224,,,,,,0,0.2347927392,0.2949569523,0.4702503085,,0.7833406329,0.003576048184,0.2010745108,0.008071168326,0.08223521709,0.2229679823,0.1017356068,0.03116330877,0.05251331627,0.06187010184,,,,,,,,,,,43,0.1113961339,0.2842807174,17.48130798,66.00062561,0.8861675262,3146.635498,11880.1123,159.5101624,2587.694092,3200.399902,3365.999512,,,0.1350881159,0.4803114533,0.2819239199,0.1026765183 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1997,enft,Old worker,2740279,0,0,0,0.5895885229,1,0.392966181,0.3388450742,0.05412108824,1944324,0.7095350623,0.4829086065,,0.6316035986,,0.8901654482,0.1098345742,,,0.5348445773,0.4198229611,0.04533242434,,,,,,0,0.174879387,0.2633712292,0.5617493987,0.9751663208,,0.003134442959,0.1866602749,0.009435107,0.06414139271,0.2381390929,0.07881405205,0.03742900491,0.05157011002,0.1557971239,,,,,,,,,,,43,0.1315021664,0.2695967555,18.45999146,69.69564056,0.9357792139,3322.79834,12545.21582,168.4402618,2587.694092,3272.398682,3517.19873,0.9204482436,,0.1844636053,0.470682621,0.2254242152,0.1194295511 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1997,enft,Rural,3328342,0.4157457352,0.200049147,0.04630653933,0,0.5379477143,0.392966181,0.3388450742,0.05412108824,1123001,0.6272087693,0.3613133132,0.1671187282,0.5314000845,,0.8472459316,0.1527540982,0.7223418951,0.2776581049,0.4822503924,0.4874098599,0.03033975139,,,,,,0,0.357039392,0.2468516678,0.3961089253,0.9259166121,0.6595739722,0.001156120445,0.200470224,0.005066960584,0.04015836865,0.1723659933,0.07432172447,0.00821791403,0.0346731022,0.1065301895,,,,,,,,,,,43,0.1466738433,0.2417016774,15.29614258,57.75054169,0.7753964663,2753.305664,10395.09766,139.5713654,2587.694092,2856.813477,2782.287598,0.9204482436,,0.2053914815,0.5227029324,0.2128443867,0.05906118825 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1997,enft,Total,7539484,0.3755725324,0.2172237486,0.04374662787,0.5585451126,0.5806808621,0.722116377,0.6467795943,0.0753367826,2856583,0.6524807608,0.4543799758,0.1327231526,0.5461844301,,0.8370889425,0.1629110724,0.723965466,0.276034534,0.5744107366,0.3915329278,0.03405633941,,,,,,0,0.1694917381,0.2744580805,0.5560501814,0.9775978327,0.8446272612,0.002840398112,0.2054383308,0.007652179804,0.05852717534,0.2442387044,0.07641641796,0.03468865529,0.04800783098,0.1526985914,,,,,,,,,,,43,0.1426748037,0.2605467439,16.81425667,63.48217773,0.8523531556,3026.566162,11426.79199,153.4235687,2587.694092,3124.797363,3180.599609,0.9204482436,,0.1411592513,0.4570299983,0.2889464796,0.1128642559 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1997,enft,Urban,4211142,0.3438209891,0.2307979614,0.0417233631,1,0.6144556403,0.392966181,0.3388450742,0.05412108824,1733582,0.6699678302,0.5125061274,0.1091598794,0.5564145446,,0.830509305,0.1694906801,0.725092113,0.274907887,0.6353145838,0.3281729817,0.03651243821,,,,,,0,0.04555146769,0.2927016914,0.6617468596,0.9978493452,0.9725552797,0.003953447565,0.2087214738,0.009360614233,0.07066614181,0.2917355299,0.07780068368,0.05218175799,0.05682004616,0.1832088232,,,,,,,,,,,43,0.1400320679,0.2730004191,17.93998718,67.73236847,0.9094190598,3229.197754,12191.82617,163.6954346,2386.799072,3200.399902,3347.998291,0.9204482436,,0.09050691873,0.405241549,0.3489591777,0.1552923471 +Dominican Republic,DOM,Latin America and Caribbean,LCN,1997,enft,Young worker,1637755,0,1,0,0.5934483409,1,0.392966181,0.3388450742,0.05412108824,912259,0.557017982,0.4076649845,0.1327231526,0.4032617807,,0.723965466,0.276034534,0.723965466,0.276034534,0.6780983806,0.3173955679,0.004506059457,,,,,,0,0.1553727537,0.3035124838,0.5411147475,0.9840297103,0.8446272612,0.002069819719,0.2546483874,0.002979813609,0.0438144654,0.2602234185,0.07013311982,0.02750725299,0.03867246956,0.1445785016,,,,,,,,,,,43,0.1719540209,0.2368300706,15,56.63245773,0.7603843212,2700,10193.84277,136.8691864,2510.999512,2863.799316,2483.999268,0.9204482436,,0.07126867026,0.4349955022,0.3914675713,0.1022682786 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2000,enft,Female,4158729,0.3217762113,0.1953794062,0.06221251562,0.6671365499,0.6160112619,0.3895392716,0.3310928047,0.05844647065,1060569,0.453736037,0.453736037,0.2324222624,0.4199970663,0.07261738926,0.9256417751,0.07435819507,0.8592627048,0.1407373101,0.7172537446,0.2665255666,0.01622072607,,,,,,0.1521726996,0.02393789589,0.1943421066,0.7817199826,0.976062119,0.9769499302,0,0.1840905696,0.006643529981,0.003608001163,0.2870815694,0.01795647852,0.05969398096,0.04328888282,0.373699069,,,,,,,,,,,42,0.2973870933,0.1729874611,16.04771614,50.39093018,0.8134954572,2888.588867,9070.367188,146.429184,2188.324707,2675.45459,3139.534912,,1.52592063,0.1036368832,0.430916816,0.3268451393,0.1386011541 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2000,enft,Higher education,2807095,0.2242449969,0.3080031276,0.01063483767,0.7843340039,0.7651201487,0.3895392716,0.3310928047,0.05844647065,1365613,0.6889026165,0.5771918893,0.08403929323,0.6449208856,0.0773934871,0.9361568689,0.06384312361,0.8803835511,0.1196164563,0.7257295847,0.2407558411,0.03351459652,,,,,,0.1656260639,0.03461047634,0.2418618798,0.7235276699,0.994630456,0.9653712511,0.002654823009,0.189805761,0.0121539887,0.0372473076,0.2720419168,0.05448488146,0.09017324448,0.07517044246,0.2316571623,,,,,,,,,,,42,0.1897275448,0.2263655066,23.2558136,73.02484894,1.178890467,4186.046387,13144.47266,212.2002716,3875.96875,3600.000244,4360.465332,0.8915396929,1.52592063,0,0,0.6148692966,0.3851307034 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2000,enft,Lower education,5447436,0.3911205232,0.1394312829,0.08360667527,0.5809248686,0.5252727866,0.3895392716,0.3310928047,0.05844647065,1618206,0.6013587713,0.3547535837,0.2128498852,0.5795885324,0.08225829154,0.9637981653,0.03620181978,0.9411503077,0.0588497147,0.4655115604,0.5154184699,0.01906998083,,,,,,0.0579851307,0.2364480197,0.2464004159,0.5171515942,0.9525918961,0.7682465911,0.001891481574,0.1599045694,0.00762491487,0.07697945088,0.2585386038,0.07126012444,0.02105763927,0.02368583716,0.1426093727,,,,,,,,,,,42,0.2197221965,0.2502090335,13.63636398,42.8191185,0.6912584901,2454.545654,7707.441406,124.4265366,2112.40332,2700,2378.435303,0.8915396929,1.52592063,0.1577243954,0.6523916721,0.1898839325,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2000,enft,Male,4095802,0.3471605778,0.1981558204,0.05531761423,0.6327969432,0.5975217819,0.3895392716,0.3310928047,0.05844647065,1923250,0.8233781457,,0.05974873155,0.7947348952,0.08400647342,0.9652125239,0.03478746861,0.9327325821,0.06726744771,0.5115875602,0.4578879476,0.03052449785,,,,,,0.08230528235,0.2098300755,0.2708052695,0.519364655,,0.8244885206,0.003417468164,0.16770643,0.0112629924,0.08841837198,0.252743423,0.08789637685,0.04822379351,0.04877541587,0.08172564954,,,,,,,,,,,42,0.157993257,0.2746262252,18.40138245,57.78160477,0.9328082204,3312.248779,10400.68848,167.9054718,2177.904053,3272.727783,3558.139648,,1.52592063,0.1067340001,0.4391911626,0.3362255991,0.1178492457 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2000,enft,Old worker,3385018,0,0,0,0.6693547964,1,0.3895392716,0.3310928047,0.05844647065,2285691,0.7206048965,0.5140683651,,0.6949944496,0.09415924549,0.9644597769,0.03554023802,,,0.5502765775,0.4182440341,0.0314794071,,,,,,0.1238672361,0.1511238366,0.2315672338,0.6173089147,0.9758270383,,0.002518080408,0.1557068229,0.01109071262,0.06225161254,0.2555867434,0.06222394109,0.05415664613,0.05145711452,0.193884477,,,,,,,,,,,42,0.1998982131,0.2473062575,19.37984467,60.85404205,0.9824087024,3488.37207,10953.72754,176.8335724,2218.023682,3375.000244,3750.000244,0.8915396929,1.52592063,0.1335861087,0.4816008508,0.2645123303,0.1203006953 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2000,enft,Rural,2888280,0.3700295687,0.181333527,0.06112599745,0,0.5688444376,0.3895392716,0.3310928047,0.05844647065,910135,0.5835777521,0.308690697,0.2150559276,0.5637544394,0.08757545054,0.9660314322,0.03396858647,0.9351227283,0.06487728655,0.4267219007,0.5549777746,0.01830033213,,,,,,0.07699674368,0.3864736855,0.1638465524,0.4496797621,0.9273289442,0.6061882973,0.002867317526,0.09765598923,0.006298772059,0.05702447146,0.205899775,0.05568350852,0.01142946165,0.029580798,0.147086218,,,,,,,,,,,42,0.2492086738,0.2002800256,15.75033474,49.45713425,0.7984205484,2835.060059,8902.28418,143.715683,2112.40332,3293.429199,2902.630371,0.8915396929,1.52592063,0.1779779345,0.5226386189,0.2415341884,0.05784923211 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2000,enft,Total,8254531,0.3343716264,0.1967570335,0.05879134685,0.6500976086,0.6068370193,0.6478889071,0.5510072981,0.09688160902,2983819,0.5956731239,0.453736037,0.1448106766,0.5665730007,0.08006688952,0.9511474967,0.04885249585,0.9075627923,0.09243720025,0.58272928,0.3916940093,0.02557669766,,,,,,0.1064730287,0.1455283463,0.2443559915,0.6101156473,0.976062119,0.873939991,0.002235335996,0.1733738482,0.009665080346,0.05908172205,0.2646212876,0.06370355189,0.05219143257,0.0468775779,0.1827218086,,,,,,,,,,,42,0.206210807,0.2394684851,17.4418602,54.76863861,0.88416785,3139.534912,9858.355469,159.1502075,2177.904053,3018.976807,3333.333252,0.8915396929,1.52592063,0.1051703766,0.4350137413,0.3314897418,0.1283261627 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2000,enft,Urban,5366251,0.3151794374,0.2050584257,0.05753476545,1,0.6272857785,0.3895392716,0.3310928047,0.05844647065,2073684,0.665999949,0.5208910704,0.1116071343,0.6291134953,0.07669668645,0.9446150064,0.05538500473,0.8972123265,0.102787666,0.6527529359,0.3184043765,0.02884268388,,,,,,0.1197034121,0.03738041967,0.2804925144,0.6821270585,0.989602387,0.9787462354,0.001951672253,0.2073596865,0.01117604226,0.06000511348,0.2909783423,0.06730333716,0.07048738003,0.05464120582,0.1987167895,,,,,,,,,,,42,0.1869112849,0.2570581436,18.18181992,57.09216309,0.9216780663,3272.727783,10276.58984,165.9020691,2854.122559,2999.999756,3488.37207,0.8915396929,1.52592063,0.06301648915,0.3842809498,0.383571893,0.169130668 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2000,enft,Young worker,1624137,0,1,0,0.6775259972,1,0.3895392716,0.3310928047,0.05844647065,698128,0.4650119245,0.3233883977,0.1448106766,0.4220275283,0.03103559837,0.9075627923,0.09243720025,0.9075627923,0.09243720025,0.6956415176,0.2993189692,0.005039496813,,,,,,0.0459536463,0.1260600239,0.2888517082,0.585088253,0.9769499302,0.873939991,0.00125158811,0.2348424494,0.004704898223,0.0480527766,0.2960550487,0.0688515529,0.04535389319,0.03094405681,0.1438837051,,,,,,,,,,,42,0.22817415,0.2121986449,13.95348835,43.81491089,0.70733428,2511.62793,7886.684082,127.3201675,2156.411621,2550.000488,2558.139648,0.8915396929,1.52592063,0.04890589416,0.3427690566,0.4641080797,0.1442169696 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2001,enft,Female,4223919,0.3216153085,0.193246603,0.06431752443,0.668708384,0.6140671968,0.3942190707,0.3313673437,0.06285174191,1039880,0.4009144902,0.4009144902,0.2699759007,0.3687559068,0.05222547799,0.9197868705,0.08021309972,0.8211480975,0.1788519174,0.6770356894,0.2982358038,0.02472848073,,,,,,0.142354995,0.01462673116,0.1613634676,0.8240097761,0.9853732586,0.996993959,0,0.1501994878,0.005596632604,0.005567358341,0.3321553767,0.01821388677,0.04945068806,0.0436052233,0.3805845976,0.03477377072,0.0789174363,0.1066674441,0.1376261413,0.2950626612,0.009645905346,0.04562515393,0.07098408043,0.2196299285,0.001067469013,42,0.301399529,0.193577826,17.50000191,50.46809387,0.8871151805,3150.000244,9084.256836,159.6807251,2246.680176,3000.000488,3317.291748,,1.411764741,0.09876325727,0.4187008142,0.3270102739,0.1555256397 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2001,enft,Lower education,5496141,0.3856653273,0.1361196935,0.08765549958,0.583683908,0.5266791582,0.3942190707,0.3313673437,0.06285174191,1632387,0.5639221072,0.3138571382,0.2317849845,0.538259387,0.06129063666,0.9544923902,0.04550759122,0.9059076905,0.09409229457,0.4376070499,0.536788702,0.02560424432,,,,,,0.05811690167,0.2226049602,0.2371110767,0.540283978,0.9684592485,0.7887846828,0.002519733971,0.1365996152,0.006900708191,0.09109101444,0.2574923038,0.09202484041,0.015604252,0.02587380446,0.1492887884,0.00827160757,0,0.01690134406,0.0265509095,0.1810447425,0.1537480503,0.1805107594,0.1526011527,0.2706467807,0.009724657983,42,0.230514586,0.2725105882,15.3344841,44.22297668,0.7773401141,2760.207275,7960.135742,139.9212341,2292.530762,3139.534912,2616.279053,0.8999999166,1.411764741,0.1535591036,0.6526331306,0.1938077956,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2001,enft,Male,4164707,0.3478693664,0.1891083866,0.06137766689,0.6310388446,0.5907529593,0.3942190707,0.3313673437,0.06285174191,1936538,0.7871104479,,0.1051879078,0.7516665459,0.07895919681,0.9549696445,0.04503035918,0.9196537733,0.08034620434,0.4973776937,0.4594051242,0.04321715608,,,,,,0.08369603008,0.1987309009,0.2711120546,0.5301570296,,0.8350326419,0.003531539813,0.1557900608,0.01147547644,0.1003149748,0.2343712747,0.1129168049,0.03898320347,0.05203924701,0.09184652567,0.03144860268,0.04255637899,0.04876888171,0.04237036407,0.1322113127,0.1400476396,0.2184266299,0.15719001,0.1733542085,0.01362597942,42,0.1722478569,0.2946842909,20.67183495,59.61531448,1.047902703,3720.93042,10730.75684,188.6224823,2407.157227,3763.918945,3881.541504,,1.411764741,0.1041099057,0.4435534179,0.3200345337,0.1323021352 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2001,enft,Total,8388626,0.334649682,0.1911920905,0.0628579706,0.6500065923,0.6024923325,0.6597721352,0.5554422256,0.1043299096,2976418,0.5889135757,0.4009144902,0.1890551299,0.5551557164,0.06984595954,0.9426777363,0.05732225627,0.8859006763,0.1140993387,0.5586211681,0.4044642448,0.03691456467,,,,,,0.103692241,0.1359717697,0.2336999476,0.6303282976,0.9853732586,0.8864725828,0.002327675931,0.1538842916,0.009471441619,0.06801653653,0.2677048147,0.08063360304,0.04255145416,0.04916417971,0.1902742237,0.03258211538,0.05495147035,0.06850587577,0.07484203577,0.1877255887,0.09559509158,0.1595204622,0.1278033406,0.1891290992,0.009344918653,42,0.2162742764,0.2602182031,19.37984467,55.88935471,0.9824087024,3488.37207,10060.08398,176.8335724,2407.157227,3501.319824,3610.736084,0.8999999166,1.411764741,0.1013937071,0.4309278429,0.3235783577,0.1441001147 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2001,enft,Urban,5452662,0.3180448413,0.197645843,0.06076298282,1,0.6211921573,0.3942190707,0.3313673437,0.06285174191,2085269,0.6156409979,0.4599488676,0.1650975794,0.5730016232,0.06424218416,0.9307398796,0.06926012784,0.86539644,0.13460356,0.6221683025,0.3364805877,0.04135110229,,,,,,0.1144322306,0.03223135695,0.2620907426,0.7056778669,0.9976469874,0.9721168876,0.001682773931,0.1840633154,0.01174386591,0.06460079551,0.3032496572,0.08117039502,0.05672998726,0.05762032419,0.2069075108,0.04393091053,0.07181157917,0.08249611408,0.09416630119,0.2051938325,0.02507364005,0.1749188304,0.1320493221,0.1632203162,0.007139165886,42,0.2014526725,0.2710466683,20.3488369,58.68382263,1.031529188,3662.790771,10563.08887,185.6752472,2093.023193,3488.37207,3805.496826,0.8999999166,1.411764741,0.05994882435,0.3782682717,0.3737840652,0.1879988462 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2001,enft,Young worker,1603839,0,1,0,0.6719477177,1,0.3942190707,0.3313673437,0.06285174191,670372,0.417979598,0.2814110219,0.1890551299,0.3702884018,0.03276908025,0.8859006763,0.1140993387,0.8859006763,0.1140993387,0.6847847104,0.3068382144,0.008377070539,,,,,,0.04717427492,0.1135274097,0.2834009528,0.60307163,0.996993959,0.8864725828,0.002276542597,0.1970994323,0.009520393796,0.07450457662,0.2728971839,0.0771734491,0.04335870966,0.03486208618,0.1747802198,0.01005585305,0.01080010738,0.06644742936,0.1195487976,0.2042035162,0.06321447343,0.1939590722,0.1341072172,0.1850970685,0.01256644819,42,0.255019933,0.2250460088,16.2790699,46.94705963,0.8252233267,2930.232422,8450.470703,148.5401917,2407.157227,3139.534912,2888.588867,0.8999999166,1.411764741,0.04115374386,0.3484764099,0.4535660446,0.1568037719 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2002,enft,Female,4251698,0.3146079481,0.1875488311,0.06819298863,0.6681979895,0.6171990633,0.3879154623,0.3249638677,0.06295158714,1077452,0.4105918109,0.4105918109,0.2807219923,0.3837940991,0.05954240263,0.9347339869,0.06526601315,0.8829923868,0.117007643,0.6909250021,0.2890120447,0.02006293088,,,0.4656264782,,,0.1483094096,0.0204362683,0.1560094953,0.8235542178,0.9795637131,0.9734084606,0.0004110686714,0.1458082348,0.002952942625,0.00683724368,0.3010472357,0.01994775236,0.06307620555,0.04656196758,0.3929210901,,,,,,,,,,,41,0.3047756553,0.1649924368,19.37984467,53.11496735,0.9824087024,3488.37207,9560.693359,176.8335724,6017.893066,3139.534912,3558.139648,,1.458333254,0.09529779851,0.4099674225,0.3389353454,0.1557994634 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2002,enft,Higher education,3080044,0.2234101146,0.295614928,0.01907342859,0.7779453993,0.7575164437,0.3879154623,0.3249638677,0.06295158714,1434914,0.6150025129,0.506133616,0.134439379,0.5829793215,0.08458180726,0.9479299784,0.0520700179,0.9082220793,0.09177789837,0.6969257593,0.255056262,0.04801800847,,,0.5007022023,,,0.1584497243,0.0378408134,0.2210435569,0.7411156297,0.9950515628,0.9603000283,0.003092932049,0.167874828,0.009954432957,0.04012136534,0.2732293308,0.06675866246,0.08387675881,0.07717626542,0.2400746047,,,,,,,,,,,41,0.2068456262,0.2270853221,27.68549347,75.87852478,1.403441072,4983.388672,13658.13477,252.6193848,4550.050781,4651.163086,5101.744141,0.8525820374,1.458333254,0,0,0.5986139178,0.4013860524 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2002,enft,Lower education,5473381,0.3839369118,0.1393641382,0.08911585063,0.5787494183,0.5269472599,0.3879154623,0.3249638677,0.06295158714,1632563,0.5660400391,0.3240493238,0.248908937,0.5465142131,0.05298979208,0.9655045271,0.03449545428,0.9333617687,0.06663822383,0.4160832763,0.5674408674,0.01647584513,,,0.3570960462,,,0.0593396835,0.2535693944,0.2167141289,0.5297164917,0.957883656,0.7406079173,0.0009059493896,0.1277204603,0.004150364548,0.08393735439,0.2474428117,0.08557605743,0.01886760071,0.0285964068,0.1492335945,,,,,,,,,,,41,0.257460922,0.2373010069,15.85623646,43.45769882,0.80378896,2854.122559,7822.385742,144.6820068,2429.263672,3139.534912,2751.037109,0.8525820374,1.458333254,0.1605563909,0.6443231702,0.195120424,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2002,enft,Male,4301727,0.3375221193,0.2036156654,0.05964488164,0.6329658031,0.602832973,0.3879154623,0.3249638677,0.06295158714,1990025,0.7673944831,,0.1009545624,0.7439830899,0.0718421191,0.9694923162,0.03050765768,0.937569499,0.06243050471,0.4706102908,0.4925486445,0.03684107587,,,0.4338349998,,,0.08277035505,0.2231762111,0.2514551878,0.5253686309,,0.8019227386,0.002706143307,0.1465878487,0.008867400698,0.0932937786,0.2376404256,0.1065684482,0.04162256792,0.05346770957,0.08606944978,,,,,,,,,,,41,0.1970773041,0.2678449452,22.72727203,62.28936768,1.152097464,4090.908936,11212.08594,207.3775482,2607.753906,4186.046387,4186.046387,,1.458333254,0.1134574488,0.4282355607,0.3333373666,0.1249696314 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2002,enft,Old worker,3544067,0,0,0,0.668335557,1,0.3879154623,0.3249638677,0.06295158714,2396803,0.6762860417,0.4727835357,,0.654420495,0.07897693664,0.9676681757,0.03233181685,,,0.5208281875,0.4406068921,0.0385649167,,,0.4798880517,,,0.1189207137,0.1557756364,0.2087814957,0.635442853,0.9809836745,,0.001982917311,0.1362948418,0.006911107339,0.06359262019,0.2563154697,0.07433892041,0.05043741316,0.05562645942,0.1987246275,,,,,,,,,,,41,0.2235958129,0.2401865274,23.00172615,63.04157257,1.166010141,4140.310547,11347.48242,209.8818207,2700.000244,4125,4186.046387,0.8525820374,1.458333254,0.1329883635,0.4602255523,0.2699254155,0.1368606836 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2002,enft,Rural,2989603,0.3436901271,0.1960655004,0.06706809998,0,0.5892418027,0.3879154623,0.3249638677,0.06295158714,972910,0.5522879958,0.2913835347,0.2253419757,0.5372777581,0.07550915331,0.9728217125,0.02717825957,0.9439056516,0.05609434843,0.3834783733,0.6007218361,0.01579979435,,,0.3255140781,,,0.07851718366,0.3967445195,0.1641756445,0.4390798211,0.9270743132,0.6440219879,0.0006571801496,0.09384574741,0.003075645538,0.06659707427,0.172696799,0.07371088862,0.01089735702,0.03534720838,0.1464275569,,,,,,,,,,,41,0.2892628312,0.2068342566,18.3402462,50.26570511,0.9297090769,3301.244385,9047.827148,167.347641,2507.455566,3610.736084,3410.139404,0.8525820374,1.458333254,0.1704334468,0.5092169642,0.2508634329,0.0694861412 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2002,enft,Total,8553425,0.3261320591,0.1956292391,0.06389393657,0.6504788399,0.6099740267,0.6394141039,0.5346654855,0.1047486184,3067477,0.5879358204,0.4105918109,0.1866216511,0.5628212231,0.06762360781,0.9572834373,0.0427165404,0.9201713204,0.07982864976,0.5461730361,0.4227404296,0.03108656965,,,0.4464531243,,,0.1052486971,0.1536412239,0.2187195718,0.6276391745,0.9795637131,0.8543803096,0.001918987022,0.1463204622,0.006838881876,0.06364124268,0.2593874633,0.07685960084,0.04898065701,0.05109920353,0.1913122833,,,,,,,,,,,41,0.234015286,0.2325689793,20.83333397,57.09859085,1.056089401,3750.000244,10277.74609,190.0960999,2616.279053,3713.899658,3864.042969,0.8525820374,1.458333254,0.1044532135,0.4191775322,0.3361130357,0.1402562261 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2002,enft,Urban,5563822,0.3166975975,0.195394814,0.06218836457,1,0.6211140752,0.3879154623,0.3249638677,0.06295158714,2094567,0.606107533,0.4646749794,0.1657446772,0.5758422017,0.0638730973,0.95006603,0.04993394762,0.9077804089,0.09221959859,0.6235534549,0.3380893469,0.03835722804,,,0.4800029099,,,0.1179626733,0.03801702335,0.2446616143,0.7173213363,0.9945816398,0.9685723186,0.002519124653,0.1712783575,0.008628742769,0.06223539263,0.3006190658,0.07835718989,0.06709373742,0.05859113112,0.212660253,,,,,,,,,,,41,0.2077385783,0.2448088527,22.3255806,61.18843842,1.131734848,4018.604492,11013.91895,203.712265,3162.790771,3805.496826,4186.046387,0.8525820374,1.458333254,0.06445290893,0.3645913899,0.3877953589,0.1831603497 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2002,enft,Young worker,1673300,0,1,0,0.6496993899,1,0.3879154623,0.3249638677,0.06295158714,670674,0.4008091688,0.2681185603,0.1866216511,0.3688131273,0.02495564148,0.9201713204,0.07982864976,0.9201713204,0.07982864976,0.6414237022,0.3555948138,0.002981519327,,,0.3465446532,,,0.05386665836,0.1456196755,0.2560687661,0.5983115435,0.9734084606,0.8543803096,0.001678725122,0.1839986444,0.006567444652,0.06382396072,0.2709326148,0.08633281291,0.04350587726,0.03408492357,0.1634553224,,,,,,,,,,,41,0.2731736302,0.2039407939,17.04545593,46.71703339,0.8640732169,3068.182129,8409.066406,155.5331726,2521.783936,3139.534912,3093.590332,0.8525820374,1.458333254,0.04719995707,0.3368183076,0.4689126611,0.1470690817 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2003,enft,Female,4349400,0.3221228123,0.1855421364,0.06140203401,0.6620129347,0.6164751649,0.3910516798,0.3344865739,0.05656511337,1078397,0.4021922946,0.4021922946,0.2808003128,0.3738041818,0.06461966783,0.9294165373,0.07058347017,0.8528921604,0.1471078694,0.7115337253,0.2719320059,0.01653430238,,,0.4392452836,,,0.1513748616,0.01598954387,0.1538033336,0.8302071095,0.984010458,0.9832752347,0,0.142127946,0.005231073126,0.006444307044,0.2859799564,0.02117372304,0.06853773445,0.0394480601,0.4150676429,,,,,,,,,,,42,0.3167558014,0.1808107495,20.930233,45.00925827,1.06100142,3767.442139,8101.666504,190.9802704,3881.541016,3488.37207,3986.710693,,1.495255947,0.0949196592,0.3961495161,0.3436330557,0.1652977616 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2003,enft,Higher education,3236073,0.2224439979,0.2961843014,0.01533185411,0.7460177541,0.7622241378,0.3910516798,0.3344865739,0.05656511337,1510000,0.6121754646,0.4917019904,0.1466560364,0.5731344819,0.08070023358,0.9362258315,0.06377416849,0.880392909,0.1196071208,0.6880478859,0.2696114779,0.04234063625,,,0.4814539552,,,0.15407148,0.03175282478,0.2252081633,0.743039012,0.9954222441,0.9568238854,0.002119967481,0.1654897332,0.01146989316,0.04612856731,0.2672078609,0.07163042575,0.0969087556,0.065608643,0.241683349,,,,,,,,,,,42,0.2211790234,0.2122598737,29.069767,62.51285553,1.473613024,5232.558105,11252.31348,265.2503662,4471.535645,4528.464844,5581.395508,0.868652761,1.495255947,0,0,0.5890654325,0.4109345675 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2003,enft,Lower education,5468088,0.3961631656,0.1248939335,0.08543279022,0.5836288929,0.5184040666,0.3910516798,0.3344865739,0.05656511337,1589528,0.5607435703,0.3142649233,0.259134531,0.5391277075,0.06643071026,0.9614514709,0.0385485515,0.9240486622,0.07595132291,0.4415738583,0.5325142145,0.0259119235,,,0.3471434414,,,0.05981531739,0.2087081075,0.2449318022,0.5463600755,0.966735363,0.7720839977,0.002793383785,0.1379044354,0.006024522241,0.09820946306,0.2544976175,0.08736440539,0.01845308393,0.02807190455,0.1579730809,,,,,,,,,,,42,0.2332845181,0.2694159448,17.50000191,37.63274384,0.8871151805,3150.000244,6773.894043,159.6807251,3008.946533,3600.000244,3008.946533,0.868652761,1.495255947,0.1505214572,0.6374700665,0.2120084912,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2003,enft,Male,4354761,0.3410196304,0.1916082203,0.05734115094,0.6260143518,0.6016392112,0.3910516798,0.3344865739,0.05656511337,2021131,0.7714255452,,0.1089778617,0.7403354049,0.07776663452,0.959697783,0.0403021872,0.9207259417,0.07927408069,0.4817172885,0.4755513072,0.04273138568,,,0.4270967245,,,0.08120123297,0.1793197244,0.2776449621,0.5430353284,,0.8313308954,0.003745988477,0.1558271348,0.01040328946,0.1076685563,0.2474935204,0.1100993752,0.04975420982,0.04955159873,0.08613659441,,,,,,,,,,,42,0.1813298613,0.2735432386,23.77439308,51.12545776,1.20517838,4279.390625,9202.582031,216.9321136,3105.233154,4312.823242,4566.596191,,1.495255947,0.0967579037,0.4154870212,0.3541704714,0.1335846186 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2003,enft,Old worker,3659887,0,0,0,0.651499331,1,0.3910516798,0.3344865739,0.05656511337,2450413,0.6695324183,0.4604951143,,0.6445286274,0.08402977139,0.9626548886,0.03734513372,,,0.536703527,0.422333777,0.04096270353,,,0.4583593905,,,0.1180629805,0.124382019,0.2256121635,0.6500058174,0.984175384,,0.002884392859,0.1421881914,0.00921360869,0.07132598013,0.2536544502,0.0812606886,0.05582215637,0.04886426032,0.210404247,,,,,,,,,,,42,0.2230440229,0.2494363934,24.76499367,53.25568771,1.25539422,4457.69873,9586.023438,225.9709625,3018.976807,4336.36377,4709.302246,0.868652761,1.495255947,0.1210417375,0.4588159323,0.2823185325,0.1378238201 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2003,enft,Rural,3098659,0.3441850245,0.1770891845,0.06710483134,0,0.5887101293,0.3910516798,0.3344865739,0.05656511337,1025671,0.56225425,0.3110722005,0.233262077,0.5393462777,0.07977684587,0.9592568874,0.04074308276,0.9204456806,0.07955431938,0.4419523776,0.5325455666,0.02550204098,,,0.374227047,,,0.08031044155,0.2890763283,0.2123059481,0.4986177087,0.9476533532,0.6901359558,0.004383655731,0.1217198819,0.007603554055,0.07859885693,0.2030995637,0.07958576083,0.0219690986,0.03736423701,0.1565990597,,,,,,,,,,,42,0.2480886877,0.2351908088,21.06262589,45.29396057,1.067712784,3791.272461,8152.913086,192.1882782,3008.946533,4011.929199,3851.45166,0.868652761,1.495255947,0.147655651,0.4775608182,0.2901761532,0.08460739255 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2003,enft,Total,8704161,0.3315770328,0.1885770559,0.05937033892,0.6440025568,0.6090526283,0.6418942363,0.5444144191,0.09747981728,3099528,0.5846740609,0.4021922946,0.1934543848,0.5549505441,0.07328765839,0.9491622448,0.0508377403,0.8982275724,0.1017724127,0.5600122809,0.4061812758,0.03380643204,,,0.4319701791,,,0.1051083356,0.1236755848,0.2354539782,0.6408704519,0.984010458,0.8791825175,0.00246978621,0.1511600316,0.00864119269,0.07318297029,0.2606052756,0.07980373502,0.05615347624,0.0461094752,0.1981984824,,,,,,,,,,,42,0.2274674475,0.2419506758,23.09898376,49.67303085,1.170940399,4157.816895,8941.145508,210.7692566,3105.233154,4050.000244,4186.046387,0.868652761,1.495255947,0.09584935009,0.4059294462,0.3489623666,0.1492588371 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2003,enft,Urban,5605502,0.3246074915,0.1949274093,0.05509479716,1,0.62029773,0.3910516798,0.3344865739,0.05656511337,2073857,0.5964363813,0.4454562664,0.1734628826,0.5631371737,0.07002700865,0.9441697001,0.05583027005,0.8878738284,0.1121261641,0.6193343997,0.3426864147,0.03797917813,,,0.4512378573,,,0.1175686494,0.04056590423,0.2470852733,0.7123488188,0.9959802628,0.9705110788,0.001508115325,0.1659529507,0.009162579663,0.07046162337,0.2895004451,0.07991325855,0.07333026081,0.0505037345,0.219101131,,,,,,,,,,,42,0.217105791,0.2453473359,23.2558136,50.01028442,1.178890467,4186.046387,9001.851563,212.2002716,3767.442139,4050.000244,4360.465332,0.868652761,1.495255947,0.0642419681,0.362226665,0.3848282397,0.1887031347 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2003,enft,Young worker,1641405,0,1,0,0.6656894684,1,0.3910516798,0.3344865739,0.05656511337,649115,0.3954630196,0.266780436,0.1934543848,0.3552158177,0.02982747741,0.8982275724,0.1017724127,0.8982275724,0.1017724127,0.6543144584,0.3408317864,0.004853761289,,,0.3467852473,,,0.05269675329,0.1208174899,0.2752717137,0.6039108038,0.9832752347,0.8791825175,0.0007923807716,0.187458083,0.006325325463,0.08069591969,0.288726747,0.07390923053,0.05749391392,0.03496422991,0.14881666,,,,,,,,,,,42,0.2453636229,0.2116651535,19.02748489,40.91750717,0.9645467997,3424.947266,7365.151367,173.6184235,3253.101563,3488.37207,3348.837158,0.868652761,1.495255947,0.04279494658,0.2945521772,0.4893122613,0.1733406335 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2004,enft,Female,4426398,0.3159591556,0.1855669171,0.06084337831,0.6614721417,0.6231974363,0.3835228384,0.3266072571,0.05691556633,1117450,0.4050904214,0.4050904214,0.2879851758,0.3784768581,0.0600659363,0.9343022108,0.06569779664,0.8735215068,0.126478523,0.7046519518,0.2648797631,0.03046829812,,,0.4274059236,,,0.1341888607,0.01738733239,0.1565348357,0.8260778189,0.9826126695,0.9912843704,0,0.1411560476,0.007130980026,0.008247800171,0.2831473351,0.02772605605,0.05598944798,0.3261669278,0.1330480874,,,,,,,,,,,42,0.2945339084,0.1652979404,24.51734352,34.80973816,1.24284029,4413.121582,6265.75293,223.7112427,4226.566895,4312.823242,4485.049805,,1.385595798,0.08758731186,0.3921394944,0.3502140343,0.1700591594 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2004,enft,Higher education,3353452,0.2146164626,0.3007333875,0.01625847071,0.741035223,0.7691250443,0.3835228384,0.3266072571,0.05691556633,1548530,0.6003860235,0.4809343517,0.1570399404,0.5680460334,0.07326167822,0.9461347461,0.05386528,0.9091059566,0.09089404345,0.7026020885,0.2381869555,0.05921093002,,,0.4477865398,,,0.1408070922,0.03823309764,0.2431995273,0.7185673714,0.9962428808,0.9583896995,0.00201485469,0.1851386726,0.01272661984,0.04331937805,0.2570919096,0.07078678906,0.07985977829,0.2877686322,0.02306025848,,,,,,,,,,,42,0.1890844256,0.2202894241,33.43273926,47.46782303,1.694782138,6017.893066,8544.208008,305.060791,3881.541016,5755.813477,6090.697266,0.8568396568,1.385595798,0,0,0.5824025273,0.4175974727 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2004,enft,Lower education,5507710,0.3922797441,0.1278140992,0.08742853254,0.5857147574,0.5202917457,0.3835228384,0.3266072571,0.05691556633,1638127,0.5716491938,0.3295917809,0.2603730559,0.5522540212,0.06177316606,0.9660716057,0.03392838314,0.9351200461,0.06487992406,0.4413660765,0.5228644013,0.03576952964,,,0.3460502625,,,0.05326789618,0.2240804136,0.2357501984,0.5401694179,0.9629430175,0.7385370731,0.0009844882879,0.1392766535,0.005443120841,0.09004592896,0.248969391,0.08269196004,0.01845568046,0.1133437976,0.07670857012,,,,,,,,,,,42,0.2111569494,0.2478680015,21.22431946,30.13430214,1.075909376,3820.377441,5424.174316,193.663681,3438.796143,4248,3588.040039,0.8568396568,1.385595798,0.1428855062,0.632240653,0.224873811,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2004,enft,Male,4434764,0.3341120183,0.2009272575,0.06014660373,0.6275495291,0.6057413816,0.3835228384,0.3266072571,0.05691556633,2069207,0.770275712,,0.1179689467,0.7458642125,0.07106351852,0.9683081508,0.03169184923,0.94104743,0.05895259604,0.4951992035,0.4491278231,0.05567295477,,,0.4006012082,,,0.07511366904,0.1958849728,0.2824743092,0.521640718,,0.8113859296,0.002250914695,0.1718331277,0.009889550507,0.09850072116,0.2370996624,0.1026277319,0.04379850626,0.1299925596,0.008122257888,,,,,,,,,,,42,0.151571393,0.2707266212,27.86061668,39.55652237,1.412318468,5014.911133,7120.173828,254.2173309,3438.796143,5200.000488,5215.507813,,1.385595798,0.09127812088,0.3994064331,0.3667458892,0.1425695419 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2004,enft,Old worker,3732382,0,0,0,0.6610424519,1,0.3835228384,0.3266072571,0.05691556633,2509734,0.672421515,0.4680983722,,0.6496859193,0.07514239848,0.9661884308,0.03381155059,,,0.5430549979,0.400002718,0.05694229156,,,0.4383331537,,,0.1064854413,0.1345532686,0.2327756137,0.6326711178,0.9807569385,,0.001681323047,0.1523178965,0.009449142963,0.06932725757,0.243032217,0.07771902531,0.04971594363,0.2091137916,0.0530901365,,,,,,,,,,,42,0.1893630922,0.248079896,29.069767,41.27327347,1.473613024,5232.558105,7429.188965,265.2503662,3610.736084,5232.558105,5232.558105,0.8568396568,1.385595798,0.1121477932,0.4507569075,0.2901470363,0.146948278 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2004,enft,Rural,3150189,0.3475086689,0.1847939938,0.06609635055,0,0.5863949656,0.3835228384,0.3266072571,0.05691556633,1048035,0.5673472285,0.3107771575,0.2321021259,0.5493242741,0.06895447522,0.9682329297,0.03176707029,0.9461811185,0.05381886289,0.4433708191,0.5268284678,0.02980067767,,,0.3689604998,,,0.07988533378,0.3191668391,0.2052176744,0.4756154716,0.9407594204,0.6719684005,0.001494961325,0.1305918097,0.007427503821,0.06570339948,0.2013516724,0.06464204937,0.02387109213,0.1395103335,0.04624032602,,,,,,,,,,,42,0.2096927166,0.2135813832,25.47256279,36.16596222,1.291262507,4585.061523,6509.873047,232.4272614,3370.020508,5175.388184,4814.314453,0.8568396568,1.385595798,0.1383540779,0.4640597403,0.2955316603,0.1020544991 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2004,enft,Total,8861162,0.3250441551,0.1932543367,0.06049466133,0.6444948316,0.6144611686,0.627442117,0.5289905558,0.09845156117,3186657,0.5852618304,0.4050904214,0.199518472,0.5597347383,0.06729608774,0.9563834667,0.04361655563,0.9200307727,0.07996921241,0.5669512153,0.3860101402,0.04703861848,,,0.4110697806,,,0.09535100311,0.1347372085,0.2393313497,0.6259314418,0.9826126695,0.8645466566,0.00147982093,0.1613241136,0.008944549598,0.06758286804,0.2528741658,0.07696873695,0.04797474667,0.197195828,0.05091797933,,,,,,,,,,,42,0.2005459219,0.2346100211,26.74619293,37.97426224,1.355825782,4814.314453,6835.367188,244.0486298,3450.259033,4909.091309,4814.314453,0.8568396568,1.385595798,0.08945329487,0.3958134651,0.3585721254,0.1561610997 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2004,enft,Urban,5710973,0.3126526773,0.1979210824,0.05740475282,1,0.629942596,0.3835228384,0.3266072571,0.05691556633,2138622,0.5944604278,0.4494307339,0.1827373058,0.5650801659,0.06646829844,0.9505766034,0.04942341521,0.9068206549,0.09317931533,0.6286368966,0.3157201111,0.05564300343,,,0.4250980914,,,0.1030707508,0.04267842695,0.256359309,0.7009622455,0.9963572025,0.9660519361,0.001472263597,0.1766642481,0.009701789357,0.0685210079,0.2785918117,0.08312164992,0.06000617892,0.225989759,0.05325284973,,,,,,,,,,,42,0.1959802657,0.245106563,27.27272797,38.72183609,1.38251698,4909.091309,6969.930176,248.8530731,3976.36377,4909.091309,4978.650391,0.8568396568,1.385595798,0.06047492102,0.355371058,0.3959296048,0.18822442 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2004,enft,Young worker,1712458,0,1,0,0.66005826,1,0.3835228384,0.3266072571,0.05691556633,676923,0.395293206,0.2564959824,0.199518472,0.3636819124,0.03674593195,0.9200307727,0.07996921241,0.9200307727,0.07996921241,0.6599929333,0.3315290809,0.008477978408,,,0.3263916969,,,0.05199826509,0.1354533583,0.2648565471,0.5996900797,0.9912843704,0.8645466566,0.0006952584372,0.1963904351,0.006979880854,0.06079095602,0.2911944687,0.07404743135,0.04119526595,0.150792405,0.04246054217,,,,,,,,,,,42,0.2440870851,0.1821641326,21.25000191,30.17076492,1.077211261,3825.000244,5430.737305,193.8980255,2995.57373,4164.705566,3643.410889,0.8568396568,1.385595798,0.04303600639,0.2834371328,0.4985226989,0.1750041693 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2005,enft,Female,4467652,0.3130886257,0.186199367,0.06795112789,0.6625663638,0.6189602613,0.3816166222,0.3194953203,0.06212131307,1126526,0.4073794484,0.4073794484,0.2691789865,0.3805331588,0.06179771945,0.9341000319,0.0658999458,0.861065805,0.1389341801,0.6765229702,0.2946104109,0.0288666226,0.2643477917,0.2871381342,0.4521644711,0.6017504334,0.5206626654,0.1431366652,0.02506062947,0.1516210437,0.8233183026,0.9749393463,0.9739973545,0.000191962652,0.1389610022,0.009181897156,0.003286172636,0.307998389,0.01761209778,0.05437960103,0.3175803721,0.1257478893,,,,,,,,,,,41,0.3202953935,0.166960001,29.07194901,39.61636353,1.47372365,5232.950684,7130.945313,265.2702637,3825,4709.302246,5581.395508,,1.591666698,0.08676060289,0.3853371441,0.3530547023,0.1748475432 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2005,enft,Higher education,3337452,0.1984978318,0.3098384738,0.01383420639,0.7454399467,0.7876679301,0.3816166222,0.3194953203,0.06212131307,1566631,0.5959482193,0.4786837399,0.1453217417,0.5634570122,0.07485731691,0.9454798102,0.05452017859,0.8906238079,0.1093761995,0.680049777,0.2676142156,0.05233598128,0.3086993396,0.3505000472,0.4942749441,0.6197735071,0.5317056775,0.1565893739,0.03944253922,0.2254030108,0.7351544499,0.9947372675,0.9346999526,0.001441381406,0.174548924,0.01069795247,0.03871475905,0.2684878111,0.06734254956,0.08411928266,0.293237716,0.02196705714,,,,,,,,,,,41,0.2166689783,0.1942320466,38.3720932,52.28967667,1.94516933,6906.977051,9412.142578,350.1304932,4376.649414,6258.608887,7230.443848,0.9166666865,1.591666698,0,0,0.5816029906,0.4183970392 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2005,enft,Lower education,5617016,0.3842193186,0.12667723,0.09686495364,0.5871957541,0.5189157128,0.3816166222,0.3194953203,0.06212131307,1661087,0.5698884726,0.33526209,0.2584716678,0.5498741269,0.06803431362,0.964880228,0.03511977568,0.910189867,0.08981011808,0.4175598323,0.5496964455,0.0327437222,0.221927315,0.1215903908,0.3267882764,0.4593360126,0.3539566994,0.04979691282,0.2164660692,0.2367312461,0.5468026996,0.9468996525,0.7488036752,0.002054593759,0.1338362247,0.005569802132,0.09527062625,0.2671526968,0.08476306498,0.01928872243,0.1013901085,0.07420808077,,,,,,,,,,,41,0.2434715331,0.2425094396,24.51734352,33.40980148,1.24284029,4413.121582,6013.764648,223.7112427,4157.816895,4909.091309,4186.046387,0.9166666865,1.591666698,0.1413036734,0.6314706206,0.2272257209,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2005,enft,Male,4486816,0.3169000149,0.2036511004,0.06389408559,0.6298546791,0.6192058921,0.3816166222,0.3194953203,0.06212131307,2101192,0.7562969923,,0.1206737086,0.7312770486,0.07623887807,0.9669178128,0.033082176,0.9161628485,0.08383713663,0.4748035967,0.4761606157,0.04903577268,0.2632181346,0.2027356625,0.4253640175,0.5375131369,0.4350982308,0.0793107152,0.1865416765,0.2725542486,0.5409041047,,0.8059723377,0.002572255442,0.160863921,0.007437686902,0.1016803831,0.2469704896,0.1068426147,0.04837917536,0.1292851269,0.009426681325,,,,,,,,,,,41,0.184140712,0.2464423478,32.5581398,44.36699677,1.650446653,5860.464844,7986.05957,297.0803833,4312.823242,6017.893066,6017.893066,,1.591666698,0.08982723951,0.403701216,0.3667639196,0.1397076249 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2005,enft,Old worker,3797943,0,0,0,0.6626818776,1,0.3816166222,0.3194953203,0.06212131307,2538982,0.6685150266,0.4697435796,,0.6490360498,0.08278127015,0.970862329,0.02913766168,,,0.5270681381,0.4213302732,0.05160158128,0.2305243611,0.2441941202,0.4625362158,0.617171526,0.5143977404,0.1145723239,0.1285406649,0.2266525477,0.6448068023,0.9751442671,,0.001741580782,0.1459515989,0.009300600737,0.06965876371,0.2613892257,0.07714882493,0.05000644922,0.203378737,0.05288352817,,,,,,,,,,,41,0.2125000358,0.2319608629,33.43273926,45.558815,1.694782138,6017.893066,8200.585938,305.060791,4312.823242,5813.953125,6183.932129,0.9166666865,1.591666698,0.1158811599,0.4442215562,0.2910971642,0.1488001198 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2005,enft,Rural,3168310,0.3322411776,0.1887785643,0.0746274814,0,0.5931313634,0.3816166222,0.3194953203,0.06212131307,1059040,0.5635517836,0.3197230995,0.2292408198,0.5466921329,0.08025350422,0.9700832963,0.02991671674,0.9290761948,0.07092378289,0.423066169,0.5455143452,0.03141945973,0.2199157625,0.1557306796,0.402818203,0.522549808,0.4145671427,0.0737124458,0.3047830462,0.2075578421,0.4876590967,0.9196751714,0.652154088,0.001436696271,0.125355646,0.006252938416,0.0745125562,0.214976877,0.0727166906,0.0205118563,0.1320339441,0.04741973802,,,,,,,,,,,41,0.2545035481,0.2042795271,29.71799278,40.49672699,1.506473064,5349.23877,7289.411133,271.1651611,4234.408691,5692.927246,5349.23877,0.9166666865,1.591666698,0.1380904168,0.4626779258,0.2974469662,0.1017846838 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2005,enft,Total,8954468,0.3149983883,0.1949439049,0.06591826677,0.6461755037,0.6190833449,0.6152913952,0.5088141861,0.1064772091,3227718,0.5822462163,0.4073794484,0.1914438307,0.5563152325,0.07131137699,0.9554638863,0.04453611001,0.8986985087,0.1013015136,0.5436327457,0.4142134488,0.04215380922,0.5323836012,0.4676163687,0.4358641207,0.5619260073,0.4676163793,0.1010889187,0.1314423531,0.2312903404,0.6372672915,0.9749393463,0.8570018411,0.001760070096,0.1533903778,0.008032833226,0.06810706109,0.2677939534,0.07639605552,0.05042659491,0.1935337782,0.04911691695,,,,,,,,,,,41,0.2305983752,0.219321996,31.49224854,42.91450882,1.596414208,5668.604492,7724.611328,287.3545532,4234.408691,5616.700195,5708.245117,0.9166666865,1.591666698,0.08833120763,0.3947424889,0.3600760102,0.1568502784 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2005,enft,Urban,5786158,0.3055568039,0.1983198524,0.06114938483,1,0.6332938075,0.3816166222,0.3194953203,0.06212131307,2168678,0.5918335319,0.448343128,0.1717431694,0.561250329,0.06684443355,0.9483247399,0.05167526007,0.8835719228,0.1164280772,0.6038604379,0.348623544,0.04751603305,0.2854273319,0.2694019377,0.4465802908,0.5752435327,0.4855582714,0.1147645339,0.04485194385,0.2431456447,0.7120023966,0.993899107,0.96425879,0.00192160788,0.167394802,0.008921959437,0.06490726769,0.2941781282,0.0782340467,0.06537016481,0.2242553383,0.04996472225,,,,,,,,,,,41,0.2186568081,0.226836279,31.71247292,43.21460724,1.60757792,5708.245117,7778.628906,289.3640137,4709.302246,5494.186523,5993.657227,0.9166666865,1.591666698,0.0588394627,0.3544778824,0.3971955776,0.1894870698 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2005,enft,Young worker,1745619,0,1,0,0.6573656797,1,0.3816166222,0.3194953203,0.06212131307,688736,0.394551158,0.2624339759,0.1914438307,0.3545825183,0.02563307248,0.8986985087,0.1013015136,0.8986985087,0.1013015136,0.609600544,0.3858709633,0.004528520163,0.3953399658,0.1811197996,0.3488633335,0.3807443082,0.3141933084,0.04739193991,0.1429981589,0.2497600764,0.6072417498,0.9739973545,0.8570018411,0.001833703252,0.1830148995,0.002984008752,0.06192747131,0.2933004498,0.07339821756,0.05209979042,0.1543267369,0.03411657363,,,,,,,,,,,41,0.3026741445,0.1689882874,25.55747223,34.82718277,1.295566797,4600.345215,6268.892578,233.2020264,3943.153076,4695.652344,4640.003906,0.9166666865,1.591666698,0.03130472824,0.2923243046,0.5028574467,0.1735135466 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2006,enft,Female,4586243,0.303196311,0.1925096363,0.06876979768,0.6629433036,0.6280338764,0.3794102371,0.3157564104,0.06365381181,1221760,0.4241756797,0.4241756797,0.261069268,0.4009657204,0.08160822839,0.9452822208,0.05471778288,0.8837248087,0.1162751764,0.6899917722,0.2812899351,0.02871830575,0.2266864479,0.3245557249,0.4393491447,0.6590018868,0.5887715816,0.1498534977,0.02011069283,0.1416623592,0.8382269144,0.9798893332,0.9886761904,0.0004104223044,0.1323161721,0.004731112625,0.004204663914,0.28920573,0.01566531695,0.05250981078,0.04557332769,0.4352727532,,,,,,,,,,,41,0.3314653635,0.1642156839,31.71247292,40.17242813,1.60757792,5708.245117,7231.037109,289.3640137,4011.929199,5554.978027,5740.864258,,1.466666698,0.0776771456,0.3787814081,0.3542191684,0.1893223077 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2006,enft,Higher education,3531670,0.1915640533,0.3099508286,0.01425727736,0.7371192575,0.7941786647,0.3794102371,0.3157564104,0.06365381181,1707659,0.6088395119,0.4938413799,0.1583656371,0.5768626332,0.09811980277,0.94747895,0.0525210239,0.9056664109,0.09433361143,0.6725806594,0.2732959986,0.05412334204,0.2549996376,0.3939984143,0.4740478992,0.6792373657,0.6070871949,0.1516695917,0.04100444168,0.2325820476,0.7264134884,0.9961893559,0.9194933772,0.00185911858,0.1705710441,0.01148166414,0.04867021739,0.2704832256,0.06423291564,0.07736171037,0.06831395626,0.2460217178,,,,,,,,,,,41,0.2184643596,0.1996741593,41.860466,53.02760696,2.12200284,7534.884277,9544.96875,381.9605408,6923.077637,6976.744141,7659.137207,0.8853712082,1.466666698,0,0,0.5558229685,0.4441770315 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2006,enft,Lower education,5634260,0.3867295682,0.1218699515,0.09979748726,0.5895130634,0.5134729147,0.3794102371,0.3157564104,0.06365381181,1681786,0.5813213587,0.3471220434,0.2433812469,0.567928195,0.07119611651,0.9769607782,0.02303919755,0.9610037208,0.03899628296,0.4253550768,0.5528639555,0.02178098075,0.199724406,0.1433410943,0.3408996463,0.4807706773,0.4178242683,0.05165975913,0.228701815,0.2200379968,0.5512601733,0.955031693,0.7443575263,0.000327442016,0.1208072379,0.004909195472,0.09399411827,0.2605044544,0.08381115645,0.01464237925,0.02186314575,0.1704390496,,,,,,,,,,,41,0.2550316751,0.2496416718,26.74619293,33.88129044,1.355825782,4814.314453,6098.632324,244.0486298,4651.163086,5581.395508,4485.049805,0.8853712082,1.466666698,0.1375414729,0.6318692565,0.2305892706,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2006,enft,Male,4579687,0.3198786378,0.1961695254,0.06490443647,0.6298056841,0.6152169108,0.3794102371,0.3157564104,0.06365381181,2167685,0.7693644166,,0.122411631,0.7475070953,0.08617009223,0.9715903997,0.02840957046,0.9499388933,0.05006108806,0.470164299,0.4870125055,0.04282318801,0.2274035215,0.2365322262,0.4216048717,0.577929914,0.5098383427,0.07464453578,0.1988906562,0.2726529837,0.5284563899,,0.7807596922,0.00145861879,0.1527262181,0.0100560179,0.1084121317,0.2524317503,0.1061392054,0.0420601666,0.04454627633,0.08327896893,,,,,,,,,,,41,0.1850261837,0.258099556,35.77817535,45.32273865,1.813677669,6440.071289,8158.092773,326.4619751,4814.314453,6627.906738,6564.974121,,1.466666698,0.08903928101,0.388040781,0.3624513149,0.160468623 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2006,enft,Old worker,3916526,0,0,0,0.6596940756,1,0.3794102371,0.3157564104,0.06365381181,2684065,0.6853178144,0.4920998216,,0.6655786037,0.09491413832,0.9711970687,0.02880295366,,,0.5297499895,0.4242372513,0.04601274431,0.1915046871,0.283870846,0.4619555473,0.6653211713,0.597150743,0.1144249812,0.1314100772,0.2217591554,0.6468307972,0.9779244065,,0.001328854705,0.1385883391,0.008954040706,0.07288791239,0.2593016028,0.07610685378,0.04789094254,0.04904064536,0.2144907266,,,,,,,,,,,41,0.2202350348,0.2377921045,36.0465126,45.66266251,1.827280283,6488.37207,8219.279297,328.9104309,5014.911133,6540.697266,6659.620117,0.8853712082,1.466666698,0.1075519323,0.4424194098,0.2868955135,0.1631331444 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2006,enft,Rural,3241198,0.330105722,0.1874507517,0.07123230398,0,0.5986619592,0.3794102371,0.3157564104,0.06365381181,1117751,0.5760468841,0.3444646895,0.2174746692,0.559959352,0.07961731404,0.9720724821,0.02792750858,0.9386947155,0.06130528077,0.4381432831,0.5384741426,0.02338258736,0.206593439,0.1705734283,0.3965295553,0.5328412056,0.452249229,0.07107180357,0.308140099,0.1879755408,0.5038843751,0.9379089475,0.6491459608,0.0005706212833,0.1157947034,0.005756832659,0.06585337967,0.2164808363,0.07051314414,0.01978215203,0.02770642377,0.1694018096,,,,,,,,,,,41,0.2750882506,0.2166566253,32.09543228,40.65755081,1.626990914,5777.177734,7318.358887,292.8583679,4376.649414,6419.086426,5777.177734,0.8853712082,1.466666698,0.1243755966,0.4527148008,0.3072474599,0.1156621426 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2006,enft,Total,9165930,0.3115315139,0.194338277,0.06683849543,0.6463863254,0.6216299981,0.608673987,0.5011526388,0.1075213481,3389445,0.5948672924,0.4241756797,0.1911372095,0.5723262004,0.08455447853,0.9621073604,0.03789263591,0.9275199175,0.07248008251,0.548017621,0.4141544998,0.03782784939,0.4590216463,0.5409783838,0.4287912548,0.6099137068,0.5409783721,0.1012802795,0.1355745643,0.2262618095,0.6381636262,0.9798893332,0.847832799,0.001087393146,0.1454978734,0.008170167916,0.07150637358,0.2654554844,0.07409729064,0.04576097429,0.04491001368,0.2079398781,,,,,,,,,,,41,0.2368885726,0.2248499691,33.82663727,42.85058975,1.714749694,6088.794434,7713.105957,308.6549377,4814.314453,6210.466309,6088.794434,0.8853712082,1.466666698,0.08348026127,0.3835105598,0.3584236503,0.1745855212 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2006,enft,Urban,5924732,0.3013702631,0.1981061697,0.06443481147,1,0.6341949105,0.3794102371,0.3157564104,0.06365381181,2271694,0.6045863628,0.4618026316,0.1775039434,0.5787125826,0.08702146262,0.9572041631,0.0427958183,0.9215248227,0.07847514749,0.6029193401,0.3520348668,0.04504581541,0.2374209911,0.3162413836,0.4394134581,0.6361484528,0.5711809397,0.1163747534,0.04934754223,0.245392561,0.7052599192,0.9948253036,0.9564105272,0.001345612109,0.1603398472,0.009376056492,0.07433104515,0.2899270058,0.07588820159,0.0587419942,0.0535062477,0.227196455,,,,,,,,,,,41,0.2178010792,0.2289440036,34.45305634,43.64411926,1.746504307,6201.550293,7855.941406,314.3707886,5023.255859,6136.364258,6279.069824,0.8853712082,1.466666698,0.05909124389,0.342238754,0.3889439404,0.2097260505 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2006,enft,Young worker,1781291,0,1,0,0.6589187384,1,0.3794102371,0.3157564104,0.06365381181,705380,0.3959936798,0.2705075145,0.1911372095,0.3672920465,0.04327829927,0.9275199175,0.07248008251,0.9275199175,0.07248008251,0.6208016872,0.3739816546,0.005216628313,0.3691700697,0.2033017725,0.3206175566,0.4265956879,0.3551297188,0.04890761152,0.152167201,0.2442017943,0.6036310196,0.9886761904,0.847832799,0.0001253335795,0.1730276048,0.005046969745,0.06600189209,0.2899745405,0.0660905391,0.03727451339,0.02845225297,0.1818391681,,,,,,,,,,,41,0.3032415509,0.1732843816,27.9069767,35.35173798,1.41466856,5023.255859,6363.312988,254.6403351,3720.93042,5581.395508,4814.314453,0.8853712082,1.466666698,0.03388671577,0.2621439099,0.5057891607,0.1981802434 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2007,enft,Female,4653699,0.2952311635,0.1920627058,0.06902702898,0.6571585536,0.6357418299,0.3730022013,0.309037894,0.06396431476,1254537,0.4804348648,0.4804348648,0.1971811056,0.4564054012,0.05931246281,0.9499839544,0.05001606047,0.8637499809,0.1362500489,0.6886599064,0.2876807153,0.02365936898,0.1666979939,0.3744208217,0.526240468,0.7298108339,0.6919382811,0,0.01629901305,0.1462371796,0.8374637961,0.9837009907,0.9864785075,0.0002710208937,0.1311153769,0.008178453892,0.006672316231,0.2857365906,0.01651884988,0.05928561091,0.3272615075,0.1486612558,0.02267429605,0.1054220945,0.09333188087,0.1397796571,0.2841415107,0.01185611542,0.03964205086,0.04805964231,0.2527467012,0.002346050926,41,0.3075508177,0.1388860494,34.38796234,41.04032135,1.743204594,6189.833496,7387.257813,313.776825,5858.930664,5625,6279.069824,,,0.08131996542,0.3571710885,0.3674784303,0.1940305233 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2007,enft,Higher education,3785509,0.1804576367,0.3191253841,0.01574319415,0.7351886034,0.8037991524,0.3730022013,0.309037894,0.06396431476,1818642,0.6705763936,0.553940773,0.09259578586,0.6423535347,0.07029332221,0.9579125643,0.0420874469,0.9109760523,0.08902392536,0.671356976,0.2762246728,0.05241834745,0.203663975,0.4386017025,0.5542904139,0.729878962,0.6828976274,0,0.04543596879,0.2329849005,0.7215791345,0.9965230823,0.9097946286,0.002576201223,0.1679163128,0.01192813274,0.05056426302,0.2716962397,0.06318351626,0.08120314777,0.2766431272,0.02885310911,0.05023018271,0.127364099,0.1216606423,0.1171614751,0.1972556114,0.03499799222,0.1308690608,0.09850180894,0.1108495519,0.01110958029,41,0.2155151814,0.1780196279,44.9260025,53.61694717,2.277401924,8086.680176,9651.050781,409.9323425,5251.979492,6976.744141,8562.368164,0.8723982573,,0,0,0.5660460591,0.4339539707 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2007,enft,Lower education,5559160,0.392652303,0.1081938669,0.1027299091,0.5847640634,0.5046178102,0.3730022013,0.309037894,0.06396431476,1670830,0.6411015987,0.3957472742,0.1934509277,0.6259422898,0.05422595888,0.9763542414,0.02364573255,0.9329276085,0.06707238406,0.4291427433,0.541849494,0.02900776267,0.152267307,0.1854440719,0.4124371409,0.6050450802,0.5491200089,0,0.2183333486,0.2184105963,0.5632560849,0.9634962082,0.7107370496,0.002740721917,0.1166624352,0.004948746879,0.094058685,0.2608743012,0.08731752634,0.01469544321,0.1083280891,0.0920406878,0.008067689836,0,0.01469973475,0.02351160534,0.1847532243,0.1611024737,0.1725195944,0.136469692,0.2925590277,0.006316962652,41,0.2416512519,0.2219371796,28.75215721,34.3142662,1.457512736,5175.388184,6176.567871,262.3522644,4376.649414,6017.893066,4814.314453,0.8723982573,,0.1388214529,0.6177354455,0.2434431016,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2007,enft,Male,4690970,0.3180629909,0.1952084601,0.0659686625,0.6343340278,0.6159683466,0.3730022013,0.309037894,0.06396431476,2234935,0.8256159425,,0.06257268786,0.8059251308,0.06427756697,0.9761500955,0.02384991013,0.9457523823,0.05424759164,0.4807882309,0.4685882032,0.05062356964,0.1854258627,0.2843632698,0.4973135889,0.6628201604,0.6052997708,0,0.1906375587,0.2694757879,0.5398866534,,0.7701413035,0.003958504647,0.1496948153,0.008757663891,0.1070648059,0.2559340894,0.1067219377,0.04344499856,0.1231330484,0.01065257564,0.03375637904,0.04411376268,0.05715583637,0.03477855027,0.1404425651,0.1419350356,0.2118491977,0.1544481367,0.1692072749,0.01231325883,41,0.1847809404,0.2322371453,38.90355301,46.42945099,1.972110152,7002.639648,8357.300781,354.9798279,4457.69873,6802.325684,7420.71875,,,0.07852374017,0.3539663255,0.3928631544,0.1746467799 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2007,enft,Old worker,4038521,0,0,0,0.6589171886,1,0.3730022013,0.309037894,0.06396431476,2763154,0.7382543683,0.5488601327,,0.7229830027,0.07147275656,0.979314208,0.02068578079,,,0.5414848924,0.409430027,0.04908506945,0.1427311748,0.3344594836,0.5466436148,0.7507744431,0.7008927464,0,0.120594047,0.2262124568,0.6531934738,0.9831229448,,0.002794904402,0.1407699734,0.008735785261,0.07391178608,0.2545680106,0.07769154012,0.05138625577,0.2049803436,0.06456734985,0.03552702814,0.0776701048,0.07022626698,0.06237407774,0.1809773594,0.09030981362,0.1484798938,0.1220275238,0.2034467161,0.008961210959,41,0.2070165724,0.2134101391,39.58436584,47.24197006,2.006622076,7125.186035,8503.554688,361.1919861,4814.314453,6976.744141,7325.581543,0.8723982573,,0.1064921021,0.4172565937,0.30568555,0.1705657691 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2007,enft,Rural,3310809,0.3216111362,0.1917196065,0.07061687857,0,0.6077719927,0.3730022013,0.309037894,0.06396431476,1205248,0.6560893655,0.4214919209,0.1482756883,0.6340868473,0.05395727605,0.9664641619,0.03353583813,0.9272509217,0.07274909317,0.4496874511,0.5169454217,0.03336713091,0.1526627541,0.2295195311,0.5150843859,0.6365939975,0.6005498767,0,0.2851954997,0.1790022403,0.5358022451,0.950468719,0.6559284925,0.004327673931,0.0993399024,0.00397912506,0.07135553658,0.2160531729,0.06934494525,0.02173366211,0.1612382531,0.0674322173,0.01288171951,0.03094789013,0.04130220041,0.04690731317,0.1768920571,0.2045613527,0.1227562129,0.1116000712,0.24288629,0.009264878929,41,0.2754352689,0.2065307498,35.94019699,42.89283371,1.821890831,6469.235352,7720.709961,327.9403687,4376.649414,6624.497559,6619.682617,0.8723982573,,0.1110726967,0.4298869967,0.3355854154,0.1234548837 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2007,enft,Total,9344669,0.3066926301,0.1936418563,0.06749173999,0.6457007527,0.6258156449,0.5979146944,0.4900686529,0.1078460415,3489472,0.5966908514,0.4804348648,0.127389282,0.5768465925,0.06252345443,0.9667428136,0.03325717896,0.9189170599,0.0810829401,0.5542268157,0.4046757221,0.0410974361,0.3612393392,0.6387606608,0.5088512897,0.6886927485,0.6387606263,0,0.1290458143,0.2259370387,0.6450171471,0.9837009907,0.8366875052,0.002655760152,0.1431309283,0.008553036489,0.07159733027,0.2664629519,0.07485425472,0.04904130101,0.1952492148,0.05940940604,0.02984121256,0.06577327102,0.06993640214,0.0718742013,0.1912097037,0.09597969055,0.1510104537,0.1168623418,0.1987207681,0.008791962638,41,0.2281540781,0.1992573142,36.99788666,44.15513611,1.875507593,6659.620117,7947.924316,337.5914001,4513.419922,6469.235352,6976.744141,0.8723982573,,0.07990004867,0.3555437028,0.3803687394,0.1841874868 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2007,enft,Urban,6033860,0.2985067666,0.1946965903,0.06577696651,1,0.6357162595,0.3730022013,0.309037894,0.06396431476,2284224,0.6561550498,0.5095116496,0.1160035208,0.6344296336,0.06704132259,0.9668898582,0.0331101492,0.9135113955,0.08648863435,0.6093617082,0.3454638422,0.04517446086,0.192599535,0.3618846834,0.5065609813,0.7076317072,0.6526510119,0,0.04669126496,0.2506908178,0.7026178837,0.9971700311,0.9556990862,0.001773980097,0.1662266403,0.01096535195,0.07172484696,0.2930494547,0.0777599141,0.06344355643,0.2131868601,0.05517811701,0.03878577799,0.08414044231,0.08503830433,0.08504192531,0.1987609267,0.03871288151,0.1659119576,0.1196377054,0.1754275262,0.008542542346,41,0.2032176107,0.1954212487,37.3023262,44.51846695,1.890940309,6714.418457,8013.32373,340.3692627,5232.558105,6279.069824,6976.744141,0.8723982573,,0.06104966998,0.3105876744,0.4074496329,0.2209130526 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2007,enft,Young worker,1809519,0,1,0,0.649217844,1,0.3730022013,0.309037894,0.06396431476,726318,0.4610304534,0.3133257926,0.127389282,0.4236487746,0.02623961307,0.9189170599,0.0810829401,0.9189170599,0.0810829401,0.605887413,0.385400027,0.008712576702,0.3250847161,0.2420657873,0.3782123625,0.4769147038,0.4268104732,0,0.1633124799,0.224820435,0.6118670702,0.9864785075,0.8366875052,0.002091617556,0.1527030766,0.00781210186,0.06221363693,0.3146895766,0.0633508414,0.03953396901,0.1557955444,0.03849714994,0.006788767409,0.01753902249,0.06876117736,0.1103912666,0.2326954603,0.1189674959,0.1612703204,0.09592074901,0.1795599759,0.008105767891,41,0.3138535321,0.1418763995,29.71799278,35.46694565,1.506473064,5349.23877,6384.050293,271.1651611,4011.929199,5232.558105,5705.426758,0.8723982573,,0.02360225096,0.2248919457,0.5384798646,0.2130259126 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2008,enft,Female,4800139,0.291336149,0.2014408261,0.07082003355,0.688516736,0.6378438473,0.382694304,0.3120761514,0.07061815262,1273978,0.4160962105,0.4160962105,0.2684540153,0.4024366438,0.04192245007,0.9671721458,0.03282788396,0.9279424548,0.07205753773,0.6762779951,0.3056212068,0.01810079254,0.1278977692,0.3952859938,0.5316323042,0.7754589915,0.7555394769,0.1451626271,0.02274306118,0.1169616506,0.8602952957,0.9772569537,0.9790487885,0.0007247459143,0.1026095748,0.005044003949,0.008583328687,0.3076047301,0.01442268677,0.06609390676,0.04230551794,0.4298684597,,,,,,,,,,,40,0.3240652978,0.1260286868,37.20930099,40.13520813,1.886224627,6697.674316,7224.337402,339.5204468,7534.884277,6954.546387,6659.620117,,1.530555487,0.08556453884,0.3531042039,0.3643949032,0.196936354 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2008,enft,Higher education,3914932,0.1859531701,0.3223011196,0.01463371515,0.7664314508,0.7994131446,0.382694304,0.3120761514,0.07061815262,1869110,0.5972269177,0.4693151712,0.1687329113,0.5799575448,0.05253922194,0.9710841179,0.02891590074,0.9463489652,0.05365101248,0.6556907296,0.2953418195,0.04896744713,0.153186962,0.4737631679,0.5676088333,0.7736595869,0.7556632161,0.1366553158,0.03334209323,0.2214755118,0.745182395,0.9942541718,0.9617269039,0.003660479095,0.1582176536,0.01137977,0.04821760952,0.2814387083,0.06532996148,0.1003045067,0.06237910315,0.2357301116,,,,,,,,,,,40,0.2144818157,0.1724551767,47.56871033,51.30921555,2.41136694,8562.368164,9235.65918,434.046051,6564.974121,8562.368164,8562.368164,0.8433965445,1.530555487,0,0,0.563141346,0.4368586242 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2008,enft,Lower education,5622671,0.3816170394,0.1134453714,0.1037320197,0.608284235,0.5146509409,0.382694304,0.3120761514,0.07061815262,1690851,0.5843188167,0.3488942981,0.2510135472,0.5764742494,0.05514848605,0.9865748286,0.0134251928,0.9668416381,0.03315837309,0.4008462131,0.5721298456,0.02702393197,0.1163251996,0.1908058673,0.4002900124,0.6500533819,0.6212522388,0.05999576673,0.2256366462,0.2005915493,0.5737717748,0.9488399029,0.7136586905,0.002393668285,0.09734850377,0.005912534427,0.09493684769,0.2668960989,0.09124413878,0.02155080624,0.024363501,0.1697172523,,,,,,,,,,,40,0.2510354221,0.2197379023,33.09481049,35.69717789,1.677651763,5957.066406,6425.491699,301.9773254,4968.372559,7057.348145,5581.395508,0.8433965445,1.530555487,0.1536576003,0.6272608638,0.2190815061,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2008,enft,Male,4737464,0.3114001453,0.1968793869,0.06345061213,0.6576794982,0.62514925,0.382694304,0.3120761514,0.07061815262,2285983,0.7718685865,,0.1216220707,0.760076046,0.06028409675,0.9847221375,0.01527789142,0.9662412405,0.03375874832,0.4555688798,0.4948295355,0.04960156605,0.1397129744,0.3070329726,0.5067911148,0.709533453,0.6872652769,0.07518997788,0.1816439182,0.2632068992,0.5551491976,,0.8247390389,0.00432863133,0.1435485035,0.01079625636,0.1045335159,0.2563394606,0.1123987064,0.0606696941,0.0451951921,0.08054612577,,,,,,,,,,,40,0.1815875024,0.2329064757,42.28329849,45.60819244,2.143437147,7610.993652,8209.474609,385.8186951,5349.23877,8284.883789,7659.137207,,1.530555487,0.09422212839,0.38094908,0.3590805829,0.1657482088 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2008,enft,Old worker,4123708,0,0,0,0.6831128597,1,0.382694304,0.3120761514,0.07061815262,2803443,0.6798354983,0.4871598482,,0.6697717309,0.06095708534,0.9851967692,0.01480322611,,,0.5268110037,0.4259682298,0.04722074419,0.1051024571,0.3560334146,0.5461824536,0.7902752161,0.7720791698,0.112525858,0.1255634129,0.2072664052,0.667170167,0.976834178,,0.002706428058,0.1214485615,0.009654435329,0.07345698029,0.2663030922,0.08226418495,0.05992484093,0.04651435465,0.2121636868,,,,,,,,,,,40,0.2124533355,0.2059452385,43.6046524,47.03345108,2.210419655,7848.836914,8466.021484,397.8755188,5708.245117,8425.050781,7848.836914,0.8433965445,1.530555487,0.1156335473,0.4283131361,0.2934490144,0.1626043171 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2008,enft,Rural,3116894,0.3121530712,0.1905576587,0.07804179192,0,0.6098051667,0.382694304,0.3120761514,0.07061815262,1083995,0.5703141689,0.3365035951,0.2339565009,0.5620387793,0.06050646678,0.9854897857,0.01451021433,0.9769840837,0.02301594056,0.4210355878,0.5585275292,0.0204368569,0.1340555698,0.2185785174,0.4258868694,0.6644155979,0.6198451519,0.07701078057,0.3096672595,0.1746287942,0.5157039762,0.9334920645,0.6902964711,0.003564655315,0.09731003642,0.007393289823,0.06636081636,0.2107433975,0.07943246514,0.02188125439,0.02841614373,0.1752306968,,,,,,,,,,,40,0.2545695603,0.1884259135,36.47208023,39.34001541,1.84885323,6564.974121,7081.202637,332.7935791,5470.812012,7650.574707,6419.086426,0.8433965445,1.530555487,0.1343810409,0.4488771856,0.2954220176,0.1213197634 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2008,enft,Total,9537603,0.3013022244,0.1991750896,0.0671595335,0.6731994152,0.6315382421,0.5834353858,0.4770926039,0.1063427818,3559961,0.5910256717,0.4160962105,0.1963611245,0.5782841015,0.05378882959,0.978441596,0.02155838162,0.9534088969,0.0465910919,0.5336427689,0.4278987646,0.0384584479,0.2860652284,0.7139347716,0.5167298913,0.7352855206,0.7139347792,0.09994217753,0.1254341602,0.2114739418,0.663091898,0.9772569537,0.8750608563,0.003053788794,0.1290667206,0.008761448786,0.07059198618,0.2744740844,0.07774055749,0.06258846074,0.04417299479,0.2041157931,,,,,,,,,,,40,0.2319877595,0.1950994134,40.31007767,43.47980881,2.043410063,7255.813965,7826.365723,367.8138123,5546.511719,7702.90332,7220.930176,0.8433965445,1.530555487,0.08996745199,0.3672650158,0.3616922498,0.1810752749 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2008,enft,Urban,6420709,0.2960347533,0.203358382,0.06187681109,1,0.6420884132,0.382694304,0.3120761514,0.07061815262,2475966,0.6005744338,0.4498355687,0.179259479,0.5857738256,0.05081724375,0.9753558636,0.0246441178,0.9428929687,0.05710703135,0.583455205,0.3701143861,0.04643039778,0.1361871958,0.3911897838,0.5430521965,0.7562476993,0.7417650223,0.1100860164,0.0439375937,0.2277726084,0.728289783,0.9912326336,0.9604566693,0.00282780407,0.1431144625,0.00936666131,0.07246366888,0.3026657403,0.07699213177,0.08059552312,0.05114312842,0.2168932855,,,,,,,,,,,40,0.2219985723,0.1980514675,42.28329849,45.60819244,2.143437147,7610.993652,8209.474609,385.8186951,5708.245117,7848.836914,7534.884277,0.8433965445,1.530555487,0.06531202793,0.3219594955,0.3984810114,0.21424748 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2008,enft,Young worker,1899653,0,1,0,0.6873387098,1,0.382694304,0.3120761514,0.07061815262,756518,0.3982400894,0.2621434033,0.1963611245,0.3796856701,0.02633961476,0.9534088969,0.0465910919,0.9534088969,0.0465910919,0.5598034859,0.4352913201,0.0049052299,0.2520619929,0.2701605856,0.414459914,0.5493463874,0.5173284411,0.05175586045,0.1249391735,0.2275857478,0.6474750638,0.9790487885,0.8750608563,0.004383927677,0.1582387239,0.00534195872,0.05962114036,0.3057630062,0.06041834503,0.07278817892,0.03520729393,0.1732982397,,,,,,,,,,,40,0.3067903817,0.1535678059,31.71247292,34.20614243,1.60757792,5708.245117,6157.105957,289.3640137,4814.314453,6545.455566,5645.878418,0.8433965445,1.530555487,0.0369271189,0.2411059141,0.5027204752,0.2192464769 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2009,enft,Female,4861676,0.2878227532,0.1971955746,0.07241226733,0.6920975447,0.6397649646,0.3799539804,0.3049293458,0.0750246495,1264979,0.4067025185,0.4067025185,0.274084419,0.38462767,0.0595484972,0.9457224011,0.05427758023,0.8451605439,0.1548394561,0.6851358414,0.2865841091,0.02828008309,0.1320860088,0.3994452953,0.5921327472,0.772587955,0.7514991164,0.1641777754,0.01784223132,0.08930644393,0.8928512931,0.9821577668,0.9877337813,0.0003878564166,0.07973625511,0.005222687032,0.003959645983,0.2891252339,0.01505785622,0.06658508629,0.0523940511,0.469689101,,,,,,,,,,,41,0.322794348,0.1502926946,38.05496979,40.46382141,1.929093599,6849.894531,7283.487793,347.2368469,6976.744141,7500.000488,6834.361816,,1.391199946,0.08318978548,0.3530800343,0.3419626355,0.2217675596 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2009,enft,Higher education,3995283,0.1738077104,0.3183068633,0.01861870661,0.7699732184,0.8075735569,0.3799539804,0.3049293458,0.0750246495,1882923,0.5835833549,0.4567807913,0.1841001958,0.5551202297,0.07602757215,0.9512268901,0.04877310619,0.8926653266,0.1073346734,0.6427482367,0.3065026999,0.05074907094,0.1485522538,0.4636206925,0.6261270046,0.7768344283,0.7573361397,0.1487119347,0.0427422002,0.1810420156,0.7762157917,0.9940654039,0.9400778413,0.002265663352,0.1244819462,0.009884499945,0.04440990463,0.2905062735,0.06481650472,0.09268952161,0.06756399572,0.2606394887,,,,,,,,,,,41,0.21730268,0.2042458057,48.44961166,51.51643753,2.456021786,8720.930664,9272.958984,442.0839539,8720.930664,8842.619141,8720.930664,0.8694999814,1.391199946,0,0,0.5222021937,0.4777978361 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2009,enft,Lower education,5685660,0.3793564737,0.1183079854,0.1086449102,0.6056169271,0.5119985938,0.3799539804,0.3049293458,0.0750246495,1675278,0.5754892826,0.3423552811,0.2590361536,0.557978034,0.06288855523,0.9695715904,0.0304283835,0.9381935,0.06180652604,0.3965641856,0.5654157996,0.03802002221,0.1141579598,0.1935625225,0.4973957241,0.6477709413,0.6290206313,0.06130571663,0.2276781052,0.1878148317,0.5845070481,0.9618921876,0.7367617488,0.003970320802,0.09055212885,0.007039331365,0.08625304699,0.2708037198,0.09546931833,0.01919716969,0.02695804089,0.172078833,,,,,,,,,,,41,0.2467299849,0.2427953631,32.5581398,34.61904907,1.650446653,5860.464844,6231.428711,297.0803833,5158.194336,6750.000488,5625.000488,0.8694999814,1.391199946,0.1462984085,0.6276374459,0.2260641307,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2009,enft,Male,4819267,0.3012910485,0.2045298517,0.07056260109,0.6546304822,0.6281463504,0.3799539804,0.3049293458,0.0750246495,2293222,0.7575377226,,0.1477177292,0.7330425382,0.0752941519,0.9676647186,0.03233529255,0.9395904541,0.06040954217,0.4396963716,0.5067586899,0.05354495347,0.1322536021,0.3005425632,0.5822043419,0.7124764919,0.6944205761,0.07639506459,0.1915342957,0.2354549468,0.5730107427,,0.8105168343,0.004525769968,0.1237689629,0.01031513233,0.09684507549,0.2768290341,0.1140788719,0.05296813697,0.04601972923,0.08311499655,,,,,,,,,,,41,0.1819712818,0.2615496516,44.29678726,47.10074234,2.245505571,7973.421387,8478.133789,404.190979,5925.310059,8181.817871,8023.858398,,1.391199946,0.08548356593,0.3703818917,0.3604946434,0.183639884 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2009,enft,Old worker,4193150,0,0,0,0.6898312569,1,0.3799539804,0.3049293458,0.0750246495,2858376,0.6816775203,0.4836837649,,0.6627518535,0.07878466696,0.9722366929,0.02776331827,,,0.5109096169,0.4366992116,0.05239116773,0.09929190576,0.3483788073,0.6241567135,0.7975797653,0.778203249,0.1162568927,0.129319787,0.1845176965,0.6861625314,0.9811079502,,0.003515990218,0.104763262,0.00996970851,0.06626873463,0.2711087167,0.07897213846,0.06214785203,0.04952612892,0.2244076878,,,,,,,,,,,41,0.221743077,0.2321726531,44.9260025,47.76978683,2.277401924,8086.680176,8598.561523,409.9323425,6279.069824,8562.368164,8023.858398,0.8694999814,1.391199946,0.1121126413,0.4178410172,0.2796181738,0.1904281378 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2009,enft,Rural,3161350,0.2973432243,0.203870818,0.08738450706,0,0.6152722836,0.3799539804,0.3049293458,0.0750246495,1076811,0.553604424,0.31529966,0.2341200262,0.5370247364,0.07698825002,0.9700514078,0.0299486164,0.9369720221,0.06302797049,0.3947759867,0.5633557439,0.04186826572,0.1306988001,0.2067239732,0.5005694032,0.6425172687,0.6126556396,0.07742767036,0.317761898,0.159838289,0.5223998427,0.9441192746,0.6839747429,0.006171007641,0.08113065362,0.006796150003,0.06574047357,0.2218977958,0.07530141622,0.01456591394,0.03109341487,0.1795412749,,,,,,,,,,,41,0.2579167187,0.2086051404,36.77601242,39.10390854,1.864260316,6619.682617,7038.703613,335.566864,5520.414551,8023.858398,6564.974121,0.8694999814,1.391199946,0.1246731058,0.4354502857,0.3114997745,0.1283768415 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2009,enft,Total,9680943,0.2945274115,0.2008466572,0.07149148732,0.6734460592,0.6339811236,0.5773340643,0.4645681086,0.1127659557,3558201,0.5797442997,0.4067025185,0.2100242525,0.5564756597,0.06977887452,0.9598639607,0.04013601318,0.9093287587,0.09067124128,0.5256671906,0.4296374321,0.04469534755,0.282842178,0.7171578538,0.5862836838,0.7364219427,0.7171578407,0.1071429923,0.1306946278,0.1842630506,0.6850423217,0.9821577668,0.863301456,0.003076369874,0.1083454937,0.008531385101,0.06430980563,0.2811360657,0.07939446718,0.05773778632,0.04825248197,0.2185215205,,,,,,,,,,,41,0.2312978059,0.2225793302,40.90909195,43.49860764,2.07377553,7363.63623,7829.749512,373.2795715,6017.893066,7999.999512,7325.581543,0.8694999814,1.391199946,0.08436228335,0.3619241714,0.3514355719,0.2022779733 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2009,enft,Urban,6519593,0.2931620181,0.1993802339,0.06378496438,1,0.6430529952,0.3799539804,0.3049293458,0.0750246495,2481390,0.5918719769,0.4447208345,0.1980770528,0.5654999614,0.06660249829,0.9554431438,0.04455688223,0.8957020044,0.1042979956,0.5833365321,0.3707225323,0.04594093189,0.1328540593,0.3917843997,0.6108375192,0.7630313635,0.7467702627,0.1202352569,0.0482747145,0.1950243562,0.756700933,0.993580699,0.9557736516,0.001712904428,0.1203360707,0.009295912459,0.06367946416,0.307235837,0.08119782805,0.07675886899,0.05581259355,0.2356958091,,,,,,,,,,,41,0.2195698023,0.2287362218,42.28329849,44.95980072,2.143437147,7610.993652,8092.764648,385.8186951,7105.263672,7999.999512,7534.884277,0.8694999814,1.391199946,0.06190812588,0.3209682107,0.3736808598,0.2434428036 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2009,enft,Young worker,1944385,0,1,0,0.6685291529,1,0.3799539804,0.3049293458,0.0750246495,699825,0.3599210083,0.2339321673,0.2100242525,0.3272865117,0.03045079112,0.9093287587,0.09067124128,0.9093287587,0.09067124128,0.5901133418,0.3987988234,0.01108787209,0.2758815289,0.2775707841,0.4477849305,0.5203931928,0.5015261173,0.06734279543,0.1366985589,0.1831510216,0.6801503897,0.9877337813,0.863301456,0.00115655805,0.1239889935,0.002250259742,0.0557552129,0.3249252439,0.08123877645,0.03847912699,0.04269050434,0.1928167641,,,,,,,,,,,41,0.2730231285,0.1806854755,31.71247292,33.71984863,1.60757792,5708.245117,6069.572754,289.3640137,4814.314453,5581.395508,5809.207031,0.8694999814,1.391199946,0.02820249647,0.2487623841,0.4967760444,0.2262590826 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2010,enft,Female,4941228,0.2869932353,0.1974671036,0.07382051647,0.6869709492,0.6391862631,0.3760743737,0.2987525463,0.07732182741,1388628,0.4396667182,0.4396667182,0.2692384124,0.4219148159,0.04401749745,0.9596241713,0.04037582502,0.917008996,0.08299102634,0.6560465097,0.3121920824,0.03176139668,0.1176554039,0.3999884427,0.5937461257,0.780367136,0.7727097273,0.1638424098,0.02187066898,0.09349665791,0.884632647,0.9781293273,0.9811687469,0.0004952868912,0.07933820784,0.00902622845,0.00463693589,0.2988868654,0.01366691664,0.07635522634,0.04675733298,0.4489663243,,,,,,,,,,,40,0.3256218731,0.1496869624,42.28329849,42.28329849,2.143437147,7610.993652,7610.993652,385.8186951,6900.518066,6954.546387,7610.993652,,1.437607884,0.08213797957,0.3379493654,0.3564075828,0.2235050797 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2010,enft,Higher education,4197194,0.1769572645,0.3193919659,0.01987923309,0.766135633,0.8031634688,0.3760743737,0.2987525463,0.07732182741,2002562,0.5940499306,0.4884910583,0.174595505,0.5701590776,0.06192167103,0.9597830176,0.04021698236,0.9314607382,0.06853926927,0.6358038783,0.3173392713,0.04685683176,0.1315898597,0.4745245278,0.6209710836,0.7936207652,0.7828959823,0.1562430263,0.04337040335,0.1932045668,0.7634250522,0.9940254092,0.9282985926,0.002038475126,0.1317324191,0.01550968364,0.04392398521,0.2775916159,0.06692264974,0.090366669,0.06792159379,0.2606225312,,,,,,,,,,,40,0.2334719896,0.17275998,52.85412216,52.85412216,2.679296494,9513.741211,9513.741211,482.2733154,8753.298828,10883.7207,9513.741211,0.9109047055,1.437607884,0,0,0.5332734585,0.4667265415 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2010,enft,Lower education,5625826,0.3761723042,0.1124142483,0.1137459651,0.6037970185,0.5100817084,0.3760743737,0.2987525463,0.07732182741,1707163,0.5949068069,0.3724758029,0.2487275153,0.5812092423,0.05470735952,0.9769752622,0.02302474901,0.9504147768,0.04958520085,0.3833760321,0.5918742418,0.0247497391,0.1007467061,0.1981507987,0.4690143764,0.6752955914,0.6629389524,0.06882368773,0.2290137708,0.1778930575,0.5930931568,0.9497208595,0.6960458159,0.003861244535,0.07941872627,0.004408653826,0.09020443261,0.2754446566,0.09007252753,0.02638477273,0.0298239179,0.1713673174,,,,,,,,,,,40,0.2607167661,0.2147145867,35.43870544,35.43870544,1.796469092,6378.966797,6378.966797,323.3644409,6564.974121,7659.137207,6017.893066,0.9109047055,1.437607884,0.1455786526,0.6248343587,0.2295870036,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2010,enft,Male,4881792,0.2951590419,0.2042780668,0.07345417142,0.6591835618,0.6313868165,0.3760743737,0.2987525463,0.07732182741,2321097,0.7530408502,,0.1290066689,0.7323494554,0.06716061383,0.9725229144,0.02747709304,0.9486861229,0.05131385475,0.4373438358,0.523222208,0.03943393007,0.1170268282,0.3143222928,0.5620818734,0.7424290776,0.7286958098,0.08716575056,0.1932278126,0.2407518625,0.5660203099,,0.7838063836,0.004296245053,0.1240094453,0.01113488525,0.1013112888,0.2634340823,0.1154656857,0.05136400834,0.05226640403,0.08349015564,,,,,,,,,,,40,0.1992034763,0.2173794657,47.56871033,47.56871033,2.41136694,8562.368164,8562.368164,434.046051,6750.000488,9519.212891,8372.72168,,1.437607884,0.08156996965,0.3637968302,0.368293345,0.1863398701 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2010,enft,Old worker,4267691,0,0,0,0.6854191422,1,0.3760743737,0.2987525463,0.07732182741,2962135,0.6940837502,0.5175395608,,0.6769135594,0.06571178138,0.9752621055,0.02473790012,,,0.5140865445,0.4424350262,0.04347842559,0.0890988782,0.3652336001,0.6158061028,0.8150920868,0.8038905859,0.1315599382,0.1248396412,0.1870458871,0.6881144643,0.9774700403,,0.003055532696,0.1053641289,0.00848743692,0.07013878971,0.264082551,0.08136917651,0.06068868563,0.05555447936,0.2264195681,,,,,,,,,,,40,0.2266947627,0.2049131542,47.92026138,47.92026138,2.429187775,8625.646484,8625.646484,437.2537842,6976.744141,9513.741211,8562.368164,0.9109047055,1.437607884,0.1064478084,0.4115510881,0.2970089018,0.1849922091 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2010,enft,Rural,3210543,0.3015698493,0.1964767277,0.08378925174,0,0.6146408916,0.3760743737,0.2987525463,0.07732182741,1136051,0.5757021904,0.3489181101,0.2207191885,0.559058249,0.05763288215,0.9710893035,0.02891067415,0.9353208542,0.06467913836,0.405298382,0.5713732839,0.02332835086,0.1100419015,0.2394573241,0.4509498179,0.6951603889,0.6851440668,0.08469942957,0.3146526515,0.1522769481,0.5330703855,0.9312434196,0.6369126439,0.006755758543,0.07594132423,0.005298189819,0.06428167969,0.239542529,0.06707716733,0.02670849673,0.0331932269,0.1665489823,,,,,,,,,,,40,0.2804115713,0.1968787313,43.12823868,43.12823868,2.186269283,7763.083008,7763.083008,393.5284424,6740.041016,9352.900391,7659.137207,0.9109047055,1.437607884,0.1204122379,0.4317188263,0.3178271949,0.1300417185 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2010,enft,Total,9823020,0.2910514176,0.2008519769,0.07363845408,0.6731613278,0.6353101134,0.5740344187,0.4581249557,0.115909463,3709725,0.5944439613,0.4396667182,0.1983580142,0.5752402353,0.05856990814,0.9676946402,0.03230535984,0.9377105236,0.0622894913,0.5185260773,0.4448879957,0.03658589348,0.2530530743,0.7469469096,0.5754230022,0.7581607103,0.7469469309,0.1156280637,0.1296201795,0.1860908419,0.6842889786,0.9781293273,0.850679636,0.002885332331,0.1074275151,0.01035215333,0.065425843,0.2765941322,0.07767806202,0.06064072996,0.05022144318,0.2191546112,,,,,,,,,,,40,0.2461298853,0.1922520548,45.45454407,45.45454407,2.304194927,8181.817871,8181.817871,414.7550964,6900.518066,8970.672852,8086.680176,0.9109047055,1.437607884,0.08184493333,0.3512845039,0.362539649,0.2043309063 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2010,enft,Urban,6612477,0.285944432,0.2029762864,0.06870995462,1,0.6453456283,0.3760743737,0.2987525463,0.07732182741,2573674,0.603110671,0.4781648815,0.1878486872,0.5827232003,0.05898561701,0.9661961794,0.03380381688,0.9388310909,0.0611689128,0.5687593222,0.3887731135,0.04246756807,0.1204625145,0.3934428096,0.6123313904,0.7771690488,0.765593946,0.129349485,0.04753096029,0.2010923028,0.7513767481,0.9925284982,0.9505466819,0.001168227172,0.1213962883,0.01259433292,0.06593345106,0.2930319905,0.08238112181,0.07569468021,0.05777597055,0.2424929887,,,,,,,,,,,40,0.2309208959,0.1901994348,46.5116272,46.5116272,2.357780933,8372.092773,8372.092773,424.4005432,7441.86084,8720.930664,8234.845703,0.9109047055,1.437607884,0.06066077948,0.3071037531,0.3870992064,0.2451362908 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2010,enft,Young worker,1972973,0,1,0,0.6802809834,1,0.3760743737,0.2987525463,0.07732182741,747590,0.3789154887,0.2654709816,0.1983580142,0.3553130329,0.02913884446,0.9377105236,0.0622894913,0.9377105236,0.0622894913,0.5368211865,0.4549964964,0.008182328194,0.233310461,0.2673621178,0.4183754921,0.5452657342,0.53400594,0.04997410998,0.1493203491,0.1821552217,0.6685244441,0.9811687469,0.850679636,0.002183951205,0.1159305722,0.01803649776,0.04600419849,0.3281532824,0.06246728078,0.06044309586,0.02824443765,0.1892163306,,,,,,,,,,,40,0.3262203932,0.1400767118,34.8837204,34.8837204,1.7683357,6279.069824,6279.069824,318.300415,6105.959961,7176.080078,6088.794434,0.9109047055,1.437607884,0.03150041774,0.2279619128,0.4966342747,0.2439033985 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2011,enft,Female,4961118,0.275015831,0.197529465,0.08077070862,0.6891995072,0.644213438,0.3753555417,0.2945618331,0.08079371601,1475425,0.4616446197,0.4616446197,0.240395844,0.4354664385,0.05333825573,0.9432936311,0.05670637265,0.8717259765,0.1282740086,0.6652006507,0.3116890192,0.02311032265,0.1297437251,0.3963768184,0.6120561361,0.7741811872,0.7533954382,0.1719327867,0.02341712825,0.09998426586,0.8765985966,0.9765828848,0.978469491,0.004125714302,0.08715157956,0.004147988278,0.004558979068,0.2969379127,0.016122045,0.07194061577,0.06375098228,0.4278470576,0.03668595105,0.1020449698,0.09548779577,0.1334728152,0.2828679383,0.01500690822,0.04041719809,0.03117278218,0.2548580468,0.007985577919,40,0.3376345932,0.1342200786,46.5116272,42.88360214,2.357780933,8372.092773,7719.04834,424.4005432,7245.544434,7500.000488,8539.535156,,1.375,0.07501471043,0.3243929744,0.368650049,0.2319422364 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2011,enft,Higher education,4516474,0.1982367188,0.3109131157,0.02412545681,0.7533804178,0.7776378393,0.3753555417,0.2945618331,0.08079371601,2122259,0.6042567492,0.5059961081,0.1571073383,0.5747756362,0.07118782401,0.9512109756,0.04878905043,0.9120452404,0.08795473725,0.6251399517,0.3400299847,0.03483005986,0.1507785171,0.4449670017,0.6253609061,0.7716059685,0.7469078302,0.1552878171,0.04332159832,0.1869351566,0.7697432637,0.9942213297,0.9337225556,0.006367413793,0.1215391383,0.008793213405,0.05023539811,0.2851178646,0.07224889845,0.0913669914,0.07214189321,0.2488676012,0.04630121216,0.1155224442,0.1111290529,0.1184896752,0.2116959542,0.02491732314,0.1326278746,0.08432339877,0.1409633607,0.01402970962,40,0.2419196218,0.162401244,54.70812225,50.44075012,2.773279905,9847.461914,9079.334961,499.1903992,7245.544434,9843.750977,10029.82227,0.9090909362,1.375,0,0,0.5275887847,0.4724112153 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2011,enft,Lower education,5432531,0.3565632701,0.1132558659,0.1212935522,0.6065548658,0.5221431851,0.3753555417,0.2945618331,0.08079371601,1739544,0.6132585406,0.3979814053,0.2327724993,0.593451798,0.05291318893,0.9677024484,0.03229754418,0.9329119325,0.06708806008,0.4143787324,0.5632030368,0.02241824567,0.1183311269,0.2026523203,0.4793873429,0.6597900391,0.6313481927,0.06532229483,0.2393093407,0.1764440238,0.5842466354,0.9451780915,0.6969900727,0.003706869669,0.08463781327,0.005862081889,0.08223725855,0.2696207166,0.0811881721,0.02629204281,0.02466612868,0.1824795753,0.01032814663,0,0.01440451574,0.0248496905,0.1928011924,0.128696695,0.1483947933,0.1070085391,0.3648914397,0.008625006303,40,0.2625931203,0.2003818601,39.00486755,35.9623909,1.977246046,7020.875977,6473.230469,355.9042664,6017.893066,8181.817871,6976.744141,0.9090909362,1.375,0.1480720192,0.6082260013,0.2437019646,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2011,enft,Male,4987887,0.2943101823,0.2084108889,0.07361433655,0.6573025584,0.6320754886,0.3753555417,0.2945618331,0.08079371601,2386378,0.756926477,,0.1233749837,0.7328012586,0.06862518191,0.9681274295,0.03187257051,0.9433454275,0.05665455014,0.4474405646,0.5197128654,0.03284655884,0.1398080289,0.2976810932,0.5569884777,0.7099646926,0.6804308295,0.07970937341,0.1981142908,0.2316711396,0.5702145696,,0.7943251133,0.005779291037,0.1153672338,0.009455841035,0.1010687724,0.2667057216,0.1125736833,0.05565424263,0.04260452464,0.09267641604,0.02588258497,0.0394685939,0.05007535592,0.0412350148,0.1550539732,0.106503956,0.1996647269,0.1328708827,0.2355121672,0.01373274159,40,0.1993232071,0.2070515901,48.62944031,44.8362236,2.46513772,8753.298828,8070.520508,443.724762,6419.086426,9593.023438,8753.298828,,1.375,0.08538093418,0.33563748,0.3779131472,0.2010684311 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2011,enft,Old worker,4329243,0,0,0,0.6829861403,1,0.3753555417,0.2945618331,0.08079371601,3057219,0.7061786652,0.5423297882,,0.6843392849,0.07047795504,0.969073832,0.03092614561,,,0.5171681046,0.4474678338,0.03536403552,0.1025540829,0.3494255543,0.626938045,0.7948160768,0.7731001973,0.1292752326,0.1289846152,0.1864425689,0.6845728159,0.9761927128,,0.003990318161,0.1057171077,0.008501450531,0.06823369861,0.2641123533,0.07760463655,0.06083024293,0.05368567631,0.2283398956,0.03586155921,0.07674122602,0.06745433062,0.06050553545,0.1941339374,0.07511194795,0.1369740367,0.1009919792,0.2409261763,0.01129926369,40,0.2320328504,0.1857931614,51.81818008,47.77623367,2.626782179,9327.272461,8599.72168,472.8208008,6740.041016,9513.741211,9375,0.9090909362,1.375,0.1069756821,0.3886170387,0.3040775359,0.2003297359 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2011,enft,Rural,3251254,0.2937091291,0.1971922219,0.08697536588,0,0.619315505,0.3753555417,0.2945618331,0.08079371601,1204956,0.5984230638,0.3681344092,0.2052745074,0.580896318,0.0604096055,0.9707117677,0.02928820625,0.9363754392,0.06362453848,0.4232946932,0.5568166971,0.01988860033,0.1489460617,0.2199655473,0.4650074542,0.6384011507,0.5962554216,0.09134238958,0.3239046931,0.1388517171,0.5372435451,0.9187886715,0.6457549334,0.004886014387,0.07456152141,0.003558283672,0.0558459051,0.2440091819,0.06443639845,0.02238504216,0.03267089278,0.1737420559,0.01045940537,0.02504905313,0.03272389993,0.0437159352,0.1747141331,0.1751304865,0.1131759956,0.09150825441,0.3197419643,0.01378086861,40,0.2792739868,0.1683952212,44.57698822,41.09987259,2.259709597,8023.858398,7397.977051,406.7477417,6138.250977,9409.796875,8163.40332,0.9090909362,1.375,0.1241169274,0.4089299142,0.3281179368,0.1388352066 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2011,enft,Total,9949005,0.2846889794,0.2029848248,0.07718289644,0.6732081175,0.6381281465,0.5670833951,0.4461313624,0.1209520327,3861803,0.608278639,0.4616446197,0.1801597178,0.5831199319,0.06287821382,0.9586395025,0.04136047512,0.9189916849,0.08100832254,0.5293052793,0.4415083826,0.02918631956,0.2889163042,0.7110837274,0.5809052587,0.7369424105,0.7110837102,0.1143798456,0.1324386299,0.1821647733,0.6853966117,0.9765828848,0.8537217975,0.005157645326,0.1047598422,0.007460406516,0.06478687376,0.2780711949,0.07631364465,0.0617769435,0.05055432394,0.2186804861,0.02994400263,0.06299355626,0.06714770943,0.07591090351,0.2031043619,0.07210654765,0.1397971958,0.09463849664,0.2427850664,0.01157215238,40,0.2513200045,0.1796713024,47.72727203,44.00442505,2.419404745,8590.908203,7920.796387,435.4927979,6469.235352,9323.466797,8720.930664,0.9090909362,1.375,0.08039356768,0.3302275836,0.3734565079,0.2159223408 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2011,enft,Urban,6697751,0.2803103626,0.2057966888,0.07242938876,1,0.6472602487,0.3753555417,0.2945618331,0.08079371601,2656847,0.6128562093,0.5006355643,0.1684781015,0.5841527581,0.06401841342,0.9531643987,0.04683559015,0.9106634855,0.08933649957,0.5782692432,0.3882500231,0.03348072991,0.1300562471,0.3878172338,0.6182206273,0.7693647146,0.7488648295,0.1250203401,0.04400468618,0.2021701038,0.7538251877,0.9944361448,0.9561669827,0.005283105653,0.1187077761,0.00926271081,0.06891651452,0.2938036919,0.08179948479,0.07997118682,0.05881428346,0.2394365519,0.03894350678,0.08051928133,0.08304730803,0.09078104049,0.21621719,0.02452207543,0.1520929486,0.09608428925,0.2072403729,0.0105519956,40,0.2384086847,0.1848794818,48.44961166,44.6704216,2.456021786,8720.930664,8040.675781,442.0839539,7280.080566,9323.466797,8752.642578,0.9090909362,1.375,0.05675776675,0.2876829505,0.397965461,0.2575938106 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2011,enft,Young worker,2019497,0,1,0,0.6825338006,1,0.3753555417,0.2945618331,0.08079371601,804584,0.3984081149,0.279186964,0.1801597178,0.3661337495,0.03242738172,0.9189916849,0.08100832254,0.9189916849,0.08100832254,0.5779368877,0.417629838,0.004433288239,0.2701344192,0.2761216462,0.4299321175,0.545073688,0.5054802299,0.05469660833,0.1462782323,0.1650243551,0.6886973977,0.978469491,0.8537217975,0.009834921919,0.1009242535,0.003289126791,0.05097605288,0.3340018988,0.07114088535,0.065570198,0.03800753504,0.1799768955,0.006233382039,0.007909051143,0.06591913104,0.1376375109,0.2390472889,0.06006443128,0.1511091292,0.06918121129,0.2502332926,0.01266557164,40,0.3286002576,0.1551420987,40.00000381,36.87990189,2.027691841,7200.000488,6638.382324,364.9845276,5645.878418,7020.875977,7382.751953,0.9090909362,1.375,0.02582331002,0.2103601843,0.5158842206,0.2479323 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2012,enft,Female,5016961,0.275254488,0.1861084849,0.07930438221,0.6841978431,0.6454411149,0.3758668005,0.2947476804,0.08111912012,1513057,0.467259258,0.467259258,0.267331332,0.4352842569,0.05811778083,0.9315689802,0.06843099743,0.8455220461,0.154477939,0.6872091889,0.2883867323,0.0244041048,0.1325283796,0.4047712684,0.72217834,0.7681283951,0.7533436418,0.1598526239,0.01460820064,0.1097939163,0.8755978942,0.9853917956,0.9894291759,0.001397306216,0.09340023249,0.01200945303,0.002986928215,0.293451339,0.01266517211,0.05833983794,0.05006173998,0.4610798061,0.04198246449,0.105546087,0.1025393829,0.1391966194,0.2791523635,0.008467439562,0.03511841223,0.02526823059,0.2547957897,0.007933214307,40,0.315010041,0.1394569874,46.5116272,41.35570526,2.357780933,8372.092773,7444.027344,424.4005432,6017.893066,7800.000977,8372.092773,,1.455231071,0.07483711094,0.3260335326,0.3505347073,0.2485946417 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2012,enft,Higher education,4586945,0.2011183947,0.2947159708,0.02049795724,0.7573629022,0.7783836722,0.3758668005,0.2947476804,0.08111912012,2231893,0.6251095533,0.5266852975,0.1752226204,0.5865957141,0.06746903807,0.9383886456,0.0616113767,0.8721051812,0.127894789,0.6679533124,0.2949613333,0.03708538413,0.1689394861,0.4615951478,0.7042532563,0.7522742152,0.7320694327,0.1582575887,0.03978259861,0.193581596,0.7666358352,0.9961313605,0.9376813769,0.002306645969,0.1280458272,0.01539880689,0.04783031717,0.2791118026,0.06891862303,0.07978817821,0.07475852966,0.2640586793,0.05286329985,0.1156173423,0.1136668921,0.123789683,0.2053468674,0.02360647544,0.1216019243,0.08437759429,0.1450345963,0.01409532037,40,0.2196241021,0.1815193295,53.49238586,47.56263351,2.711651564,9628.628906,8561.274414,488.0972595,9361.166992,9886.539063,9628.628906,0.9221969247,1.455231071,0,0,0.5124723315,0.4875276685 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2012,enft,Lower education,5489690,0.3638198078,0.1042261049,0.1218901277,0.602996707,0.5142900348,0.3758668005,0.2947476804,0.08111912012,1711065,0.6060529351,0.3803875148,0.2383841127,0.5826770663,0.0743014887,0.9614292979,0.03857071325,0.9255314469,0.07446854562,0.3923825622,0.5871094465,0.0205079671,0.1068180799,0.1932637393,0.5460386872,0.662294507,0.6440368295,0.06101996824,0.2289395928,0.1801115572,0.5909488797,0.9637040496,0.7023897767,0.002056884579,0.08276633918,0.006560008042,0.08872832358,0.2693788707,0.08922413737,0.01998542435,0.01974633522,0.1926140785,0.0102931913,0,0.01855181716,0.01977304369,0.1879831105,0.1261023879,0.1523517519,0.1074569598,0.3710211515,0.006466601975,40,0.2761715651,0.2168518305,38.75968933,34.46308899,1.964817405,6976.744141,6203.355957,353.6671448,6564.974121,7440.304688,6976.744141,0.9221969247,1.455231071,0.1417461783,0.6185309291,0.2397229075,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2012,enft,Male,5059674,0.3041373789,0.1957272291,0.07219734043,0.6624246836,0.6236652732,0.3758668005,0.2947476804,0.08111912012,2429901,0.7700421214,,0.1248722598,0.7383623123,0.07795027643,0.9588596225,0.0411403589,0.9097223878,0.09027764201,0.4617353976,0.5052121878,0.03305243701,0.1471054554,0.3065138459,0.6177507043,0.6988862753,0.675707221,0.08863727748,0.1885168254,0.2347699106,0.576713264,,0.8038528562,0.002680559875,0.117050685,0.01121129282,0.1038273647,0.263566494,0.1172855571,0.05055794492,0.05087482184,0.09442844242,0.02938881516,0.04007752985,0.05324185267,0.04102734104,0.1484376788,0.1051330194,0.1956321448,0.1364317685,0.2381930202,0.01243683323,40,0.2018451989,0.231912151,50.55611801,44.95185471,2.562805414,9100.101563,8091.333984,461.3049927,6976.744141,9422.410156,9375,,1.455231071,0.07810294628,0.3413136601,0.3791079819,0.2014754117 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2012,enft,Old worker,4469681,0,0,0,0.6789574027,1,0.3758668005,0.2947476804,0.08111912012,3199146,0.7157437205,0.5505924821,,0.6887446642,0.07863681763,0.9622783661,0.03772163019,,,0.5410832167,0.4233029485,0.03561380506,0.1154453754,0.3589657843,0.701862812,0.776342392,0.7566554546,0.1261169165,0.1196929365,0.1868365854,0.6934704781,0.984698534,,0.002128918655,0.1031974703,0.01245763525,0.06905255467,0.2627578378,0.07688675821,0.05731994286,0.05121234059,0.2452936172,0.04043958336,0.0776642561,0.06931562722,0.07027357072,0.1890852302,0.07087354362,0.1303177029,0.099488087,0.243190363,0.009352051653,40,0.2304632664,0.2033416629,52.85412216,46.995121,2.679296494,9513.741211,8459.12207,482.2733154,7221.472168,9593.023438,9513.741211,0.9221969247,1.455231071,0.09816328436,0.3989807367,0.2995419204,0.2033140659 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2012,enft,Rural,3292388,0.2903688848,0.1898166388,0.08397339284,0,0.6256577373,0.3758668005,0.2947476804,0.08111912012,1212359,0.5885500908,0.3566702008,0.2367933393,0.5651786327,0.07546881586,0.9602898359,0.03971018642,0.9139399529,0.08606004715,0.4364035428,0.5444719791,0.01912445761,0.1314506978,0.2442347407,0.580750823,0.684289813,0.6501043439,0.08968868107,0.3067672253,0.1642795354,0.5289532542,0.95187819,0.6424136162,0.002796825254,0.0996087566,0.006660294719,0.05521366373,0.2144926041,0.07338357717,0.0191978775,0.03058028594,0.191298902,0.01139822882,0.02627261542,0.03743549436,0.04542026669,0.1634877026,0.1725745052,0.1223939508,0.0989824906,0.3095172942,0.01251743641,40,0.2777835131,0.1975320727,44.98223114,39.99584579,2.280252218,8096.801758,7199.252441,410.4454346,6740.041016,8625.646484,8372.72168,0.9221969247,1.455231071,0.1100148559,0.4290182292,0.3158874512,0.1450794488 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2012,enft,Total,10076635,0.2897571325,0.1909382492,0.07573579997,0.6732651591,0.6345070451,0.5760265946,0.4566649571,0.1193616376,3942958,0.6166946415,0.467259258,0.1940057576,0.5848653077,0.0704747811,0.9483872056,0.05161277577,0.8886412382,0.1113587841,0.5467235446,0.4234838188,0.02979260869,0.2918842845,0.7081157155,0.6618979573,0.7277906537,0.7081156969,0.1154805869,0.1229595765,0.1876584888,0.6893819571,0.9853917956,0.8618328571,0.002196819754,0.1081353202,0.01151217055,0.06581417471,0.2748319805,0.07784745842,0.05349143595,0.05056831986,0.2326427251,0.03413575888,0.0647546947,0.07182364166,0.07803043723,0.1977081597,0.06869671494,0.1351294667,0.09453072399,0.2444511205,0.01073927712,40,0.2445005924,0.1970628798,47.92026138,42.60818863,2.429187775,8625.646484,7669.473633,437.2537842,6976.744141,9100.101563,8720.930664,0.9221969247,1.455231071,0.07651749253,0.3338956535,0.3652366102,0.2243502438 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2012,enft,Urban,6784247,0.2894602716,0.1914825588,0.07173810154,1,0.6388016343,0.3758668005,0.2947476804,0.08111912012,2730599,0.6300721169,0.5154656172,0.1734216511,0.5942226648,0.06821707636,0.9431025982,0.05689740553,0.8773834109,0.1226165667,0.5965971947,0.3687873185,0.03461548313,0.1462041289,0.3884488344,0.6866205335,0.7416093349,0.7265438437,0.1271406263,0.03989911079,0.1982231438,0.7618777156,0.9955165386,0.9635412693,0.001925684395,0.1119883731,0.01370467432,0.07060441375,0.3020986319,0.07986463606,0.06898828596,0.05960066989,0.2513255179,0.04441497475,0.08215172589,0.08736988902,0.09277289361,0.2131786048,0.02173549123,0.1408869475,0.09251815826,0.2150359154,0.009935404174,40,0.2294540107,0.1968507767,48.95960999,43.53232574,2.481874704,8812.729492,7835.818359,446.7374268,9513.741211,9302.326172,8720.930664,0.9221969247,1.455231071,0.0577439703,0.2805844247,0.3928942382,0.2687773705 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2012,enft,Young worker,1924015,0,1,0,0.6751844287,1,0.3758668005,0.2947476804,0.08111912012,743812,0.3865936697,0.2615853846,0.1940057576,0.3435430527,0.03246079385,0.8886412382,0.1113587841,0.8886412382,0.1113587841,0.5729929209,0.424326241,0.002680859761,0.2634746432,0.2717532516,0.4973485768,0.527359128,0.5077337027,0.06594279408,0.1381671578,0.191484794,0.6703480482,0.9894291759,0.8618328571,0.002512927633,0.1311230808,0.00711063249,0.05073814467,0.3310422897,0.0823199451,0.03566814214,0.04757013172,0.1737475395,0.004776226822,0.00462947553,0.08350454271,0.1141574234,0.2378688008,0.05855832621,0.1575398445,0.07144218683,0.2503229976,0.01720016636,40,0.3098783195,0.1678200066,38.75968933,34.46308899,1.964817405,6976.744141,6203.355957,353.6671448,5895.079102,7020.875977,6976.744141,0.9221969247,1.455231071,0.02989347279,0.1937054247,0.5067399144,0.2696611881 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2013,enft,Female,5103674,0.2772222459,0.1872833222,0.08119033277,0.6833763123,0.6415874362,0.3717996776,0.2929072082,0.07889249921,1509464,0.5137290955,0.5137290955,0.1995991468,0.477207005,0.05953059345,0.9289078712,0.0710921213,0.813144207,0.1868557781,0.6963013411,0.2780409753,0.02565768547,0.1385162622,0.4018149376,0.6563776731,0.7457970977,0.7436456084,0.1536758095,0.01919762045,0.07797722518,0.9028251767,0.9808023572,0.9780353904,0.0004578672815,0.06850749999,0.005722627975,0.003289227374,0.2997276187,0.02661121823,0.06254024804,0.04505999014,0.4688860774,0.03175972775,0.1138199642,0.09123826027,0.1418539882,0.2782806158,0.01107368432,0.02544087544,0.02555783838,0.2789310515,0.002043999499,40,0.3090604246,0.1448650807,48.44961166,41.09364319,2.456021786,8720.930664,7396.855957,442.0839539,10643.02344,7772.727539,8970.099609,,1.439999938,0.06746894121,0.3291683793,0.3640856743,0.2392770052 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2013,enft,Higher education,4721791,0.1989814937,0.3023776412,0.02199229039,0.7543573976,0.7790262103,0.3717996776,0.2929072082,0.07889249921,2263235,0.6748425364,0.5716567636,0.109443292,0.6337416768,0.06424832344,0.9390956163,0.06090441346,0.8707666993,0.1292333007,0.6711630821,0.2846992016,0.04413769767,0.1626940668,0.4749420583,0.6785595417,0.7459874153,0.7448480725,0.1446399987,0.04579197988,0.1731721312,0.7810359001,0.9931623936,0.9294880629,0.004059012048,0.1205677614,0.0102084605,0.03833689168,0.2810485959,0.08003316075,0.09183567762,0.06910154223,0.2590169311,0.04923040047,0.1243308336,0.114842236,0.1255103797,0.1962059736,0.02675456926,0.1210834309,0.08044955134,0.1530059874,0.008586643264,40,0.2164888084,0.1926391125,60.25370026,51.10554886,3.05439806,10845.66602,9198.999023,549.791626,10465.11621,10465.11621,11040.82813,0.897067368,1.439999938,0,0,0.5153801441,0.4846198559 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2013,enft,Lower education,5484333,0.3570248187,0.1091997847,0.1217907444,0.60340482,0.5211844444,0.3717996776,0.2929072082,0.07889249921,1745289,0.6540151238,0.4296455979,0.1833631396,0.6318950653,0.07286598533,0.9661781192,0.03382190689,0.9213119149,0.07868807763,0.4083000124,0.5730285048,0.0186714977,0.1226643547,0.1870174259,0.5330745578,0.6034327745,0.6039019227,0.06989491731,0.2332724482,0.1743177176,0.5924098492,0.9577404261,0.7087635994,0.002316368744,0.07688257098,0.008013592102,0.08710519224,0.2585852742,0.08402974904,0.02092678472,0.02679124288,0.2020767927,0.004074104596,0.0001227568719,0.01460095122,0.02433017455,0.1829391718,0.1325969845,0.1493885815,0.1087003201,0.3757154942,0.007531460375,40,0.2613481879,0.2205822319,39.97093201,33.90225601,2.026218176,7194.767578,6102.405762,364.7192383,6586.858398,9513.741211,6976.744141,0.897067368,1.439999938,0.1347830445,0.6273257732,0.2378911674,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2013,enft,Male,5102450,0.2905937433,0.2098636925,0.07004772127,0.6631051898,0.6393585205,0.3717996776,0.2929072082,0.07889249921,2499060,0.8103175759,,0.07370759547,0.781278193,0.07302466035,0.9641629457,0.03583707288,0.9187902212,0.08120974898,0.4725729525,0.490357548,0.03706949949,0.1487494707,0.3159961402,0.6264503598,0.6796379685,0.679933548,0.08707238734,0.1924738735,0.2293703109,0.5781558156,,0.812428534,0.004935046658,0.1202904657,0.01128283422,0.0928619653,0.2544580698,0.1139177755,0.05925874412,0.05348161235,0.09703959525,0.02779496647,0.04352187365,0.05842537433,0.04518985376,0.1391599327,0.1099522263,0.1965494156,0.132163465,0.2355873734,0.0116555253,40,0.1940131932,0.2399957478,53.91120529,45.726017,2.7328825,9704.017578,8230.682617,491.9188843,7057.348145,10465.11621,9717.607422,,1.439999938,0.07816690952,0.3497634232,0.3659475148,0.2061221451 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2013,enft,Old worker,4510096,0,0,0,0.6792624593,1,0.3717996776,0.2929072082,0.07889249921,3238026,0.7651514411,0.6007374525,,0.7393430471,0.07665475458,0.9662702084,0.03372981027,,,0.5394776464,0.4214831889,0.03903914988,0.1102007553,0.360773176,0.6828298569,0.7665424347,0.766015172,0.1251323223,0.1261087358,0.1711965054,0.7026947737,0.9812441468,,0.00242584385,0.09603433311,0.009809167124,0.06292715669,0.2614414096,0.07865934819,0.06276575476,0.05457158014,0.2452566624,0.03413280845,0.08227286488,0.06798435748,0.07421004772,0.1839285195,0.0762514025,0.1290101558,0.09848830849,0.2463068962,0.007414644584,40,0.2312388569,0.2103797942,56.0631218,47.55121613,2.84196806,10091.3623,8559.21875,511.5542603,7659.137207,10782.05859,10046.51172,0.897067368,1.439999938,0.09617619962,0.4009056091,0.3021694124,0.2007487714 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2013,enft,Rural,3334933,0.2884112,0.1955742389,0.08225562423,0,0.6293331981,0.3717996776,0.2929072082,0.07889249921,1228288,0.6347436309,0.4115627408,0.1565466374,0.6109086275,0.07428489625,0.9624493718,0.03755063936,0.896468997,0.1035310328,0.4417395294,0.5424251556,0.01583535224,0.1385644078,0.238136813,0.541477263,0.632080555,0.6321636438,0.08995529264,0.3241823316,0.1414675564,0.5343500972,0.9426288605,0.6395261884,0.002585087437,0.07441516221,0.006522777956,0.05794453248,0.2183713764,0.06894131005,0.01604090817,0.03528272361,0.1957138032,0.008922612295,0.02437053993,0.03213595226,0.04483130574,0.1646538377,0.1869798154,0.1086489633,0.09224769473,0.3271083236,0.01010095887,40,0.2665736079,0.1939475387,47.04898453,39.90567017,2.385020733,8468.817383,7183.020508,429.3037415,7057.348145,9584.052734,8425.050781,0.897067368,1.439999938,0.1033030301,0.4188798666,0.319314599,0.1585024893 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2013,enft,Total,10206124,0.2839072049,0.1985721588,0.07561969757,0.6732419729,0.6404731274,0.5613458037,0.4432773098,0.118068494,4008524,0.6132290711,0.5137290955,0.1314169914,0.5831116398,0.06806074083,0.9508871436,0.04911284149,0.8862398267,0.1137601882,0.5548735261,0.4122548997,0.03287155554,0.294355801,0.7056441688,0.6388082504,0.706336081,0.7056441903,0.1115730852,0.1287325621,0.1736789346,0.6975885034,0.9808023572,0.8592450023,0.003288073931,0.1012416109,0.009237459861,0.05991178751,0.2711109221,0.08180123568,0.06046587601,0.05038363859,0.233826831,0.02925344184,0.06938169152,0.07049590349,0.0807486698,0.1903367937,0.07357881963,0.13360551,0.09294757247,0.25153175,0.008119834587,40,0.2363344133,0.2050010264,52.85412216,44.82942963,2.679296494,9513.741211,8069.297852,482.2733154,7221.472168,10000,9513.741211,0.897067368,1.439999938,0.07301825285,0.3398515582,0.3650514483,0.2220787257 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2013,enft,Urban,6871191,0.2817211747,0.2000271827,0.07239894569,1,0.6458798647,0.3717996776,0.2929072082,0.07889249921,2780236,0.6802290082,0.5585415363,0.1194163486,0.6433463097,0.06526248902,0.9457790852,0.05422093719,0.8814941645,0.1185058504,0.6057363153,0.3537329733,0.04053068906,0.1478717029,0.3967622519,0.6679801345,0.7294263244,0.7284934521,0.1212920099,0.04086231068,0.1881605089,0.7709771991,0.9932460189,0.9629117846,0.003604122438,0.1133022457,0.0104579255,0.06079622358,0.2948215306,0.08758279681,0.08043844253,0.05717270449,0.2509616911,0.03839377314,0.08961779624,0.0877417624,0.09689639509,0.2018833309,0.02259602584,0.1448254734,0.09326222539,0.2175540626,0.007229161449,40,0.222739473,0.2099704593,53.29457474,45.20301056,2.701624155,9593.023438,8136.541504,486.2923279,7534.884277,10227.27246,9513.741211,0.897067368,1.439999938,0.05565305427,0.294536978,0.3912768364,0.25853315 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2013,enft,Young worker,2026652,0,1,0,0.6781751513,1,0.3717996776,0.2929072082,0.07889249921,770498,0.4303441048,0.2892475128,0.1314169914,0.381388098,0.028682895,0.8862398267,0.1137601882,0.8862398267,0.1137601882,0.6254177094,0.3699706793,0.004611581564,0.3043673038,0.2870471478,0.4750939012,0.4866495728,0.4853570163,0.04944453016,0.1407550126,0.1850534379,0.6741915345,0.9780353904,0.8592450023,0.007238821127,0.1251014173,0.006617890205,0.04609531164,0.3154166639,0.09619738907,0.04992780089,0.03119444288,0.1814552695,0.006896137726,0.01031418517,0.08200384676,0.1107087135,0.2196996063,0.06133300811,0.1546615213,0.06755989045,0.2754720747,0.01135102194,40,0.2596822679,0.1803554595,41.34366989,35.06657791,2.095805407,7441.86084,6311.983887,377.2449646,6586.858398,8181.817871,7325.581543,0.897067368,1.439999938,0.02534385584,0.2141619027,0.4945043325,0.2659898996 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2015,enft,Female,5223389,0.2442699522,0.1891362071,0.09013975412,0.6893999577,0.6655902863,0.3613916934,0.2725776136,0.08881406486,1648178,0.474072516,0.474072516,0.2700044215,0.4483027756,0.0610187687,0.9456418157,0.05435820669,0.8696772456,0.1303227544,0.7153593302,0.2622165084,0.02242417075,0.1098245457,0.4589307308,0.7225568891,0.8329197168,0.8069036603,0.1716902405,0.01710011438,0.09325760603,0.8896422982,0.9828999043,0.9823015928,0.0002560012799,0.08032087982,0.004823602736,0.007857121527,0.2959708273,0.02816334739,0.05708186701,0.04902199656,0.4594042301,0.04539948329,0.1226252541,0.08030869067,0.1341600716,0.2808135152,0.007307906169,0.02751404233,0.03268475458,0.266702652,0.002483661519,41,0.2568372786,0.1277080625,68.23320007,55.72239685,3.458897114,12281.97656,10030.03223,622.6015015,9248.833984,11693.10059,12358.35156,,1.363458395,0.06582931429,0.3007417619,0.3675716817,0.2658572495 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2015,enft,Higher education,5084718,0.1833108515,0.2902947664,0.02466528118,0.7522495985,0.7920238376,0.3613916934,0.2725776136,0.08881406486,2527010,0.6274827719,0.520629108,0.1731154472,0.6011951566,0.07355324924,0.9581062198,0.04189378023,0.9214272499,0.07857275009,0.6797633767,0.2869490683,0.03328756988,0.1281381845,0.5147946477,0.7197888494,0.818774879,0.8006973863,0.1582553536,0.04652346298,0.1750742644,0.7784022689,0.9917553663,0.9314798713,0.002338150982,0.1120854467,0.01202117652,0.04862949252,0.2858115733,0.07400757819,0.08580695838,0.06666105241,0.2661150992,0.05234384909,0.1295313239,0.1096894667,0.126587674,0.199506104,0.02517157234,0.1145755872,0.0794826746,0.1507601291,0.01235159952,41,0.1877670288,0.1766958088,81.65962219,66.68703461,4.139513016,14698.73145,12003.66602,745.1123657,10889.52148,14901.4502,14738.37207,0.913700819,1.363458395,0,0,0.487742275,0.5122577548 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2015,enft,Lower education,5384530,0.3303647637,0.1060694233,0.1415529251,0.5986402035,0.5280823112,0.3613916934,0.2725776136,0.08881406486,1757279,0.618004024,0.3963902891,0.2493600398,0.6053279638,0.08375556022,0.9794887304,0.02051125653,0.9482540488,0.0517459698,0.4171928763,0.5598363876,0.02297071554,0.09947392344,0.2266982645,0.5794301629,0.7137075663,0.6950263381,0.06468378752,0.2142862529,0.2073586732,0.5783550739,0.9641222358,0.7388172746,0.002488910686,0.08669937402,0.006639418658,0.1115309671,0.2613489628,0.08025458455,0.02786952443,0.02378815226,0.1850938499,0.007853082381,0,0.01484631654,0.02817802317,0.1819315851,0.1141389757,0.1609739512,0.1090484485,0.3737862706,0.009243363515,41,0.2464352697,0.2110618204,55.21467972,45.0908699,2.79895854,9938.642578,8116.356445,503.812561,9021.733398,11337.20898,9923.951172,0.913700819,1.363458395,0.1349106282,0.6022855639,0.262803793,0 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2015,enft,Male,5245859,0.2735540569,0.2019248009,0.07944875956,0.6571600437,0.6469972134,0.3613916934,0.2725776136,0.08881406486,2636111,0.7766845822,,0.1238608882,0.7612699866,0.08791068196,0.9801533222,0.01984666102,0.95590204,0.04409795627,0.4833757877,0.4836564064,0.03296780959,0.1200901121,0.3565726876,0.6534275413,0.7606995106,0.7480606437,0.08781702071,0.1760299653,0.2459341735,0.5780358315,,0.833053112,0.003694568528,0.114335008,0.01277772617,0.1151268706,0.2633872032,0.1058231071,0.06453844905,0.04874074832,0.09554635733,0.0268945694,0.04740782082,0.06423114985,0.05646272749,0.1387525946,0.09521428496,0.1980015486,0.1274076551,0.2293941528,0.01623349823,41,0.1851855069,0.2291394919,75.58139801,61.72327423,3.831394196,13604.65137,11110.18945,689.6509399,9366.941406,14816.7832,13808.14063,,1.363458395,0.07351925224,0.3218334019,0.3748504817,0.2297968864 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2015,enft,Old worker,4823492,0,0,0,0.6811544299,1,0.3613916934,0.2725776136,0.08881406486,3496743,0.7249401212,0.5630880594,,0.7071316838,0.08512672782,0.9754345417,0.02456543222,,,0.5585125089,0.4071285725,0.03435894474,0.08712565154,0.4045696557,0.7232729197,0.8398749828,0.8228055835,0.1332805008,0.1147475541,0.1844247282,0.7008277178,0.9829954505,,0.00206810981,0.09687514603,0.009288024157,0.07619345933,0.2652079761,0.07784055918,0.05956795439,0.0524225086,0.2457887232,0.04029970244,0.08699312806,0.06812009215,0.06817051768,0.1881584078,0.06653749198,0.1335645914,0.09608706832,0.2414557785,0.01061320864,41,0.2039571404,0.1986100823,75.78087616,61.88617706,3.841506243,13640.55762,11139.51172,691.4711304,9760.464844,15212.47266,13640.55762,0.913700819,1.363458395,0.09150598943,0.3644343019,0.3128248751,0.2312348336 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2015,enft,Rural,3420875,0.2631174624,0.1913492829,0.09595556557,0,0.6409269571,0.3613916934,0.2725776136,0.08881406486,1319616,0.6018688083,0.3864908218,0.2231515646,0.5843849182,0.09509147704,0.9709506631,0.02904935926,0.9379271269,0.06207285821,0.4537174404,0.5230105519,0.02327200398,0.1185383052,0.2689447105,0.6106082797,0.7059932351,0.6940812469,0.09875187278,0.2891643047,0.1633879244,0.5474478006,0.9475406408,0.6844457984,0.004578227177,0.0765928179,0.007749269716,0.07446760684,0.2313128561,0.05324979126,0.02361306921,0.03266962245,0.2066024542,0.01110840589,0.02913488261,0.03946515918,0.0563630797,0.1795857549,0.1457438767,0.1196692064,0.07598405331,0.3302395642,0.01270602457,41,0.2485182881,0.1954019517,65.5560379,53.53610229,3.323185682,11800.08691,9636.498047,598.1734009,9088.357422,12821.45703,12035.78613,0.913700819,1.363458395,0.1018025428,0.3905600607,0.3264780343,0.1811593622 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2015,enft,Total,10469248,0.2589434385,0.195544228,0.08478278667,0.6732453704,0.6562737972,0.523754303,0.3945661699,0.1291881331,4284289,0.6235599398,0.474072516,0.1943863779,0.6029055308,0.07779249549,0.966876626,0.03312334791,0.9288790822,0.07112092525,0.5706604719,0.4003387988,0.0290007256,0.2273121656,0.7726877761,0.6826173663,0.790925324,0.7726878524,0.1193746403,0.1162320003,0.1884890348,0.6952789426,0.9828999043,0.8768466115,0.002400794299,0.1015370637,0.009784956463,0.07476621866,0.275646925,0.07660332322,0.0617328845,0.04884656891,0.2324492782,0.03385711461,0.0757086724,0.070280388,0.08569665253,0.1922035664,0.06213917211,0.1338549703,0.09176779538,0.2434316128,0.01106006932,41,0.2121447623,0.190975517,71.42449188,58.32855225,3.620671034,12856.40918,10499.13965,651.7208252,9366.941406,13309.72559,13013.9541,0.913700819,1.363458395,0.06981286407,0.3116676807,0.3713422418,0.2471771985 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2015,enft,Urban,7048373,0.2569175959,0.1975802034,0.07936015725,1,0.6637222767,0.3613916934,0.2725776136,0.08881406486,2964673,0.6337260008,0.5112373829,0.1808656901,0.6115856767,0.07004550844,0.9650632739,0.03493673727,0.9245419502,0.07545804977,0.6230309606,0.3454028368,0.03156621382,0.1151928753,0.4515746832,0.7044697404,0.8169288039,0.7967546582,0.1286101043,0.03878792003,0.1997300386,0.76148206,0.9942690134,0.9704078436,0.001425676979,0.1127078161,0.01069659647,0.07489994168,0.2955009937,0.08706171066,0.07880403847,0.0560910739,0.244024232,0.04404464364,0.09656576067,0.08408033848,0.09883306921,0.1978541762,0.02469856851,0.1402077526,0.09883621335,0.2045565099,0.01032296382,41,0.1958556473,0.1889932454,73.99577332,60.42837906,3.751015186,13319.24023,10877.1084,675.1828003,11351.44238,13398.51953,13334.30273,0.913700819,1.363458395,0.05173199996,0.2670769691,0.3966999352,0.2844911218 +Dominican Republic,DOM,Latin America and Caribbean,LCN,2015,enft,Young worker,2047201,0,1,0,0.680255115,1,0.3613916934,0.2725776136,0.08881406486,787546,0.3846940398,0.2498329878,0.1943863779,0.3573342264,0.04359599948,0.9288790822,0.07112092525,0.9288790822,0.07112092525,0.6273015141,0.3686809242,0.004017579369,0.2519182265,0.3508636057,0.5268854499,0.6047542095,0.5820739269,0.05453737825,0.1231533661,0.2074391544,0.6694074869,0.9823015928,0.8768466115,0.003951963969,0.1232736632,0.01210195012,0.06811157614,0.3243194222,0.07083461434,0.07182704657,0.03217344359,0.1702529639,0.003817999037,0.0230939053,0.08035295457,0.1674137264,0.2110643983,0.041631639,0.1352088451,0.07162883878,0.2526440918,0.01314359531,41,0.250320226,0.1553787589,57.21458817,46.72408676,2.900338411,10298.62598,8410.335938,522.0609131,7902.831055,9554.408203,10690.83594,0.913700819,1.363458395,0.02191635035,0.1951635927,0.5005435348,0.2823765576 +Ecuador,ECU,Latin America and Caribbean,LCN,1994,ecv,Female,5144665,0.3548536301,0.2125763297,0.04845038429,0.5813744664,0.5966960192,0.4221015275,0.3750186861,0.0470828563,1686697,0.5494483113,0.5494483113,0.2948070467,0.5338827968,,0.9716706872,0.02832933329,0.9347394109,0.06526060402,0.4234254658,0.551286459,0.02528808825,0.8519898057,0.1475275755,0.5464189053,,0.1475275755,0.08714517206,0.2660985589,0.1249014437,0.6089999676,0.7339014411,0.7317747474,0.001944461605,0.116503872,0,0.006453109439,0.2980511785,0.008486540988,0.02461471222,0.02736358903,0.2504839599,,,,,,,,,,,42,0.465716511,0.2125578672,1463.020752,25966.0332,2707.631348,260000,4673886,481185.3438,225000,211875.0156,277500,,1.807857037,0.1010683402,0.2101543546,0.5604451299,0.128332153 +Ecuador,ECU,Latin America and Caribbean,LCN,1994,ecv,Higher education,4772127,0.3709000349,0.2779716551,0.02367351018,0.7042586803,0.6054264903,0.4221015275,0.3750186861,0.0470828563,2023009,0.7002037168,0.5677966475,0.1270538718,0.6762193441,,0.9657465816,0.03425342962,0.9413974881,0.05860250071,0.5978997946,0.3415229917,0.06057719141,0.7333534956,0.2654846013,0.5708969831,,0.2654846013,0.1412778646,0.1639976203,0.1979151666,0.638087213,0.882403791,0.7391560078,0.004752225708,0.1497574151,0.001551116584,0.04185439646,0.2861377597,0.04855839536,0.04777253419,0.06403660029,0.1915819496,,,,,,,,,,,42,0.3183932304,0.2869312167,1950,34609.05469,3608.890137,351000,6229630,649600.25,323461.75,306689.6875,378912.3438,0.9057291746,1.807857037,0,0,0.6860539913,0.3139459789 +Ecuador,ECU,Latin America and Caribbean,LCN,1994,ecv,Lower education,5702477,0.3637801707,0.1407095492,0.07470875978,0.4337916672,0.5615110993,0.4221015275,0.3750186861,0.0470828563,2360308,0.7371346354,0.532771647,0.258362174,0.7276642919,,0.9871525168,0.01284747571,0.967084527,0.03291548416,0.4803632796,0.4635109603,0.05612574518,0.9400897026,0.05951199681,0.2455121428,,0.05951199681,0.02521267906,0.5036752224,0.1671925634,0.3291322291,0.5948736668,0.4818454683,0.001482131775,0.1026716232,0.0004010879202,0.06263770908,0.1775842607,0.03032000922,0.00347336987,0.01794438064,0.09981021285,,,,,,,,,,,42,0.3670673668,0.2525874674,1388.888916,24650.32422,2570.43457,249374.9844,4437058.5,461521.5,258769.4219,262928.5625,211562.4844,0.9057291746,1.807857037,0.1478614658,0.3290810883,0.5230574608,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1994,ecv,Male,5282397,0.3821371198,0.1959858388,0.04589242488,0.5321167707,0.5719704628,0.4221015275,0.3750186861,0.0470828563,2696620,0.8925141692,,0.05161527172,0.8753577471,,0.9807774425,0.01922258176,0.9636355042,0.03636449203,0.6024643779,0.3190048337,0.07853081077,0.8419662714,0.1571236104,0.409072578,,0.1571236104,0.07248085737,0.4003258944,0.2159764767,0.383697629,,0.5600830317,0.003605425358,0.1288081259,0.001496348297,0.0820665881,0.1830704659,0.0572569482,0.02303746529,0.04607758671,0.07425514609,,,,,,,,,,,42,0.2701895535,0.3026661277,1686.793213,29937.59961,3121.77002,303428.5625,5388768,561559.1875,271707.875,300625,351000,,1.807857037,0.07978722453,0.1925740987,0.6125019193,0.1151367873 +Ecuador,ECU,Latin America and Caribbean,LCN,1994,ecv,Old worker,3962267,0,0,0,0.5844686627,1,0.4221015275,0.3750186861,0.0470828563,3087905,0.7793278694,0.6070898771,,0.7696263194,,0.9875514507,0.01244856976,,,0.4964387119,0.4270254672,0.07653580606,0.8147776723,0.1848527491,0.5392376781,,0.1848527491,0.102425307,0.3379036486,0.1688886732,0.4932076931,0.7347161174,,0.002844289178,0.1153182089,0.001069692196,0.04965647683,0.2232498825,0.04481556267,0.02500191517,0.04954792932,0.1505923867,,,,,,,,,,,42,0.3321077824,0.2800220549,1785.714233,31693.27148,3304.844482,321428.5625,5704789,594872,258769.4219,337500,381600,0.9057291746,1.807857037,0.125579223,0.2635296583,0.5041106343,0.1067804769 +Ecuador,ECU,Latin America and Caribbean,LCN,1994,ecv,Rural,4640105,0.3974892795,0.1916971654,0.05598407611,0,0.5465266705,0.4221015275,0.3750186861,0.0470828563,1936496,0.763620317,0.5547760129,0.1995165795,0.75840801,,0.9931742549,0.00682573067,0.9838300347,0.0161699634,0.443125248,0.5022342205,0.05464051291,0.9558404684,0.04391304776,0.2450728565,,0.04391304776,0.0281595625,0.6807048321,0.1189146191,0.2003805637,0.4052297473,0.3321505189,0.001463397522,0.08260419965,0.00001983206494,0.03482719138,0.1106514335,0.01901425235,0.002355318516,0.01194934081,0.05641021952,,,,,,,,,,,42,0.4546712935,0.1780691147,1437.60791,25515,2660.599609,258769.4219,4592700,478907.9063,258769.4219,297584.8125,230017.25,0.9057291746,1.807857037,0.1361525059,0.2681815326,0.5467195511,0.04894638434 +Ecuador,ECU,Latin America and Caribbean,LCN,1994,ecv,Total,10474604,0.3670238853,0.2032448202,0.05145760253,0.5570138097,0.5815184861,0.7196357429,0.631147408,0.08848833486,4383317,0.7196175418,0.5494483113,0.176544413,0.7032629135,,0.9772731662,0.02272685245,0.9527725577,0.04722744599,0.5339472294,0.407897681,0.05815512314,0.8464331374,0.1535668776,0.4526126981,,0.1534522325,0.07809440792,0.3490405679,0.1811787039,0.4697807431,0.7339014411,0.623329103,0.002970807487,0.1241069362,0.0009246263071,0.05317632854,0.2270020843,0.03862284124,0.02364009805,0.03892737627,0.1415883303,,,,,,,,,,,42,0.3448693454,0.268250078,1625,28840.87891,3007.408447,290625,5191358,537863.4375,261158.0469,281250,318055.5313,0.9057291746,1.807857037,0.09050478786,0.2014278471,0.5862851739,0.1217822209 +Ecuador,ECU,Latin America and Caribbean,LCN,1994,ecv,Urban,5834499,0.3427951634,0.2124285251,0.04785775021,1,0.609347105,0.4221015275,0.3750186861,0.0470828563,2446821,0.6882304549,0.5460657477,0.1600579023,0.6639279723,,0.9646884799,0.03531153128,0.9231427312,0.07685728371,0.6080164909,0.3309620917,0.06102143973,0.7561408281,0.2427051067,0.516849041,,0.2427051067,0.1187750325,0.07854881138,0.2319587171,0.6894924641,0.9534774423,0.9188049436,0.004200189374,0.1579548568,0.001662539435,0.06814113259,0.3218929172,0.05461480096,0.04099908844,0.06092955917,0.2110560983,,,,,,,,,,,42,0.2551451623,0.3419410288,1750,31059.4082,3238.747559,315000,5590693.5,582974.5625,281562.5313,281250,337500,0.9057291746,1.807857037,0.05075147748,0.1432939172,0.620741725,0.1852129102 +Ecuador,ECU,Latin America and Caribbean,LCN,1994,ecv,Young worker,2128909,0,1,0,0.5821827054,1,0.4221015275,0.3750186861,0.0470828563,1295412,0.6084862947,0.4452915788,0.176544413,0.5797490478,,0.9527725577,0.04722744599,0.9527725577,0.04722744599,0.6267422438,0.360575974,0.01268177386,0.922452271,0.07586979121,0.266215533,,0.07586979121,0.01796429045,0.376670897,0.2116698474,0.4116592407,0.7317747474,0.623329103,0.003284695325,0.1459114701,0.0005647227517,0.06190896034,0.2363111824,0.02325890772,0.02026147023,0.01257813908,0.1192495376,,,,,,,,,,,42,0.3764496446,0.2391185611,1296.296265,23006.96875,2399.072266,232892.4688,4141254.5,431017.0938,282058.6563,225000,206250.0156,0.9057291746,1.807857037,0.02868168056,0.0919655785,0.731128037,0.1482246816 +Ecuador,ECU,Latin America and Caribbean,LCN,1995,ecv,Female,5254090,0.3650110662,0.2008208781,0.05060134083,0.6347017288,0.5843876004,0.4305170774,0.3824638426,0.04805324599,1844225,0.6006416082,0.6006416082,0.2639046609,0.5478388071,,0.9120893478,0.08791063726,0.9068655968,0.09313442558,0.4174957573,0.5516337156,0.03087052144,0.1617034227,0.1465378404,0.5472543836,,0.475399822,0.08196220547,0,0.2170597464,0.7829402685,1,1,0.02868698165,0.1389797479,0.04939300939,0,0.270773828,0.1847349256,0.1152260751,0,0.2122054249,,,,,,,,,,,41,0.4530821741,0.2464387268,1938.541748,27998.02344,3587.684326,341357.125,5039644.5,631754.0625,,660000,243571.4375,,2.063698292,0.08745011687,0.2033361048,0.5719151497,0.1372986436 +Ecuador,ECU,Latin America and Caribbean,LCN,1995,ecv,Higher education,5038905,0.3807700276,0.261919409,0.01188194659,0.7490262389,0.6073480248,0.4305170774,0.3824638426,0.04805324599,2164778,0.7073584795,0.5718033314,0.1234183982,0.6696944237,,0.9467539191,0.05324610695,0.9178268909,0.08217313141,0.6017938852,0.3222429156,0.07596322149,0.2795524001,0.2720208466,0.5509243011,,0.4931726754,0.1452081949,0.001494377968,0.3701737523,0.6283318996,1,1,0.05977079272,0.2526428699,0.05776008591,0,0.2108867913,0.08102566749,0.1855623871,0,0.1508570164,,,,,,,,,,,41,0.3279496431,0.3037334681,2767.361328,39968.52344,5121.591309,488571.4063,7194334.5,904205.4375,710625,716666.625,343500,0.9111382961,2.063698292,0,0,0.7109616995,0.2890382707 +Ecuador,ECU,Latin America and Caribbean,LCN,1995,ecv,Lower education,5350134,0.3713503182,0.1365427524,0.08174804598,0.4964602888,0.5469016433,0.4305170774,0.3824638426,0.04805324599,2334268,0.797768414,0.6313827038,0.2124001682,0.7444826365,,0.9332064986,0.06679353118,0.9353222847,0.06467773765,0.4278816581,0.508957386,0.06316097081,0.1981845051,0.05547537282,0.2384045571,,0.2186998427,0.02380577475,0,0.02980992012,0.9701901078,1,1,0.01275225263,0.01337909512,0.003678571898,0,0.1471035779,0.3620909154,0.1893139929,0,0.2716816068,,,,,,,,,,,41,0.3591352403,0.2961905003,1648.457031,23808.38086,3050.820801,281250,4285508.5,520513,,400000,278177.125,0.9111382961,2.063698292,0.1289779246,0.3532676101,0.5177544355,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1995,ecv,Male,5134903,0.3870836496,0.1938065886,0.04504953697,0.6028587222,0.5678668022,0.4305170774,0.3824638426,0.04805324599,2654821,0.9104508758,,0.0397868529,0.8730519414,,0.9589226246,0.04107734561,0.9375341535,0.06246583909,0.5750220418,0.3301230967,0.09485485405,0.2877956629,0.1696399599,0.4042413831,,0.3708499074,0.08325868845,0.001213698764,0.1719430089,0.8268433213,,1,0.03951063752,0.1176181287,0.014814239,0,0.1102059633,0.2610225379,0.2394056022,0,0.216209203,,,,,,,,,,,41,0.2722777724,0.3349799216,2180.37207,31490.73633,4035.242676,381500.0938,5668333,706047.125,710625,771562.5625,322500,,2.063698292,0.05894513428,0.1995153427,0.6311277747,0.1104117483 +Ecuador,ECU,Latin America and Caribbean,LCN,1995,ecv,Old worker,3936057,0,0,0,0.6589272022,1,0.4305170774,0.3824638426,0.04805324599,3203498,0.8138850927,0.6607953906,,0.7695426941,,0.9455176592,0.05448231846,,,0.485237062,0.4253317118,0.0894312337,0.1950297207,0.1948580444,0.5369736552,,0.4997798502,0.1084780172,0.0009910269873,0.227570489,0.7714384794,1,,0.04526849091,0.1541799903,0.02812200412,0,0.1770657599,0.2206705809,0.1820674986,0,0.1916346401,,,,,,,,,,,41,0.3278417289,0.3174926043,2500,36107.06641,4626.782227,437500.0313,6499272,809686.9375,710625,758571.375,317916.6875,0.9111382961,2.063698292,0.1053315848,0.2584834993,0.520152986,0.1160319149 +Ecuador,ECU,Latin America and Caribbean,LCN,1995,ecv,Rural,3958638,0.4197241664,0.1878557652,0.05329282582,0,0.5269830227,0.4305170774,0.3824638426,0.04805324599,1663776,0.7975399494,0.6261464357,0.1687951237,0.7476404905,,0.9374333024,0.0625667125,0.9377086759,0.06229131296,0.3822596371,0.554966867,0.06277348101,0.1536463648,0.04616077989,0.3126632869,,0.2310266793,0.04315406084,0,0.05421042442,0.9457895756,1,1,0.01116464846,0.03767349944,0.00537227653,0,0.1046560407,0.5069807768,0.1353758872,0,0.1987769008,,,,,,,,,,,41,0.4146137834,0.2300200015,1766.203857,25508.97656,3268.736328,297127.125,4591616,549897,,694580.1875,278177.125,0.9111382961,2.063698292,0.1081989259,0.2958565652,0.5403288007,0.05561570078 +Ecuador,ECU,Latin America and Caribbean,LCN,1995,ecv,Total,10389039,0.3759190738,0.1973530948,0.04786150157,0.6189601421,0.5762194097,0.7354500183,0.6523887733,0.08306124502,4499046,0.7515487794,0.6006416082,0.1551224738,0.706249163,,0.9397249818,0.06027499959,0.9254014492,0.0745985508,0.5122909546,0.4183344245,0.06937462091,0.5969410704,0.4030588922,0.4483262599,,0.4030589163,0.08274228126,0.000706774299,0.1907868683,0.8085063696,1,1,0.03498993069,0.1265402138,0.02925672382,0,0.1772702038,0.2291595489,0.187539652,0,0.21453695,,,,,,,,,,,41,0.3440231383,0.2998456955,2148.80957,31034.88477,3976.82959,370902.8438,5586279,686434.6875,710625,705381.875,300937.5,0.9111382961,2.063698292,0.07355812192,0.2014740556,0.6007726192,0.1241952255 +Ecuador,ECU,Latin America and Caribbean,LCN,1995,ecv,Urban,6430401,0.3489521146,0.203199774,0.04451790825,1,0.6065300107,0.4305170774,0.3824638426,0.04805324599,2835270,0.7269492745,0.5881120563,0.1473409981,0.6841099858,,0.9410697818,0.05893018842,0.9165470004,0.08345299959,0.5879116058,0.3388748169,0.07321355492,0.2867201567,0.2272550613,0.4790595174,,0.4421517849,0.105787307,0.001144121168,0.2752994001,0.723556459,1,1,0.04973284528,0.1815303117,0.04403624684,0,0.2222033143,0.05724579841,0.2198182195,0,0.224289149,,,,,,,,,,,41,0.302768141,0.3406536579,2356.25,34030.91016,4360.742188,418500,6125563.5,774523.375,710625,706790,320000,0.9111382961,2.063698292,0.0510594286,0.1401739866,0.6400299668,0.1687366366 +Ecuador,ECU,Latin America and Caribbean,LCN,1995,ecv,Young worker,2050309,0,1,0,0.6372970939,1,0.4305170774,0.3824638426,0.04805324599,1295548,0.6318793893,0.4857482016,0.1551224738,0.5847421288,,0.9254014492,0.0745985508,0.9254014492,0.0745985508,0.5813028216,0.4004850388,0.01821213961,0.3452525735,0.07351476699,0.240277186,,0.1755503863,0.01696964726,0,0.09932700545,0.9006729722,1,1,0.009433011524,0.05781586841,0.03207812458,0,0.1777785271,0.2502667904,0.2011457682,0,0.2714819312,,,,,,,,,,,41,0.3853211701,0.2548074126,1679.6875,24259.43555,3108.619385,293751.1875,4366698.5,543649.125,,398906.2188,278177.125,0.9111382961,2.063698292,0.01713747531,0.1002414599,0.7439301014,0.1386909485 +Ecuador,ECU,Latin America and Caribbean,LCN,1998,ecv,Female,5596445,0.3538835943,0.1936066598,0.05415295064,0.5955287814,0.59196347,0.4183720648,0.3631940782,0.05517800525,1897583,0.5727876425,0.5727876425,0.2946500778,0.5619312525,,0.9810464382,0.01895358413,0.9640243053,0.03597569093,0.404427439,0.5579912663,0.03758130595,0.1570269316,0.1432383806,0.5307113528,,0.4770393968,0.07728657126,0.2282359898,0.1354397833,0.6363242269,0.7717639804,0.7350142002,0.0002449483436,0.1295443624,0.001613650937,0.004036813043,0.3278778493,0.009997222573,0.0323686339,0.01789788157,0.2481826246,,,,,,,,,,,42,0.4246850908,0.282377094,3409.184326,22265.73828,6309.421387,608625,4007832.75,1126390.125,463628.5,498749.9688,668076.9375,,2.267194986,0.07565055788,0.4808195233,0.4435299337,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1998,ecv,Higher education,5512284,0.3693857193,0.2598634362,0.0103013562,0.7229324579,0.6203129292,0.4183720648,0.3631940782,0.05517800525,2379908,0.6960136294,0.5589334369,0.1425531656,0.6799778342,,0.9769604802,0.02303954586,0.9595482945,0.04045172408,0.5797793269,0.3359485865,0.08427208662,0.2662613988,0.2671938539,0.5650777221,,0.5008739829,0.1288147122,0.1211543158,0.2088865042,0.6699591875,0.9287821054,0.8123174906,0.004688018933,0.1461861879,0.006705587264,0.05130670965,0.3148671389,0.06366845965,0.06789541245,0.04810595512,0.1754222214,,,,,,,,,,,42,0.2998521328,0.3636474609,4930.555664,32201.97266,9125.042969,870937.4375,5796355,1611855.125,675000,768375,943154.75,0.9319325686,2.267194986,0,0,1,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1998,ecv,Lower education,5630291,0.3598273993,0.1328890473,0.09542419761,0.4488572478,0.5447484255,0.4183720648,0.3631940782,0.05517800525,2310607,0.753354311,0.5881655812,0.2426584214,0.7494157553,,0.9947719574,0.005228063557,0.9893366098,0.01066338737,0.4070076048,0.524905324,0.06808708608,0.1897271574,0.04755697772,0.2413146943,,0.2004220784,0.0157814119,0.4667658806,0.1956944615,0.337539643,0.6104880571,0.4660791457,0.004323203582,0.1134383008,0.001889906009,0.07604304701,0.1924958825,0.02728921548,0.009809760377,0.005621861201,0.1023229212,,,,,,,,,,,42,0.356197238,0.2975401282,3043.118652,19874.92383,5631.938965,545454.5,3577486.25,1009479.688,556354.25,552041.375,495000,0.9319325686,2.267194986,0.1108740792,0.8891259432,0,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1998,ecv,Male,5546130,0.3753251433,0.1978200972,0.0524664931,0.5732577443,0.5722083449,0.4183720648,0.3631940782,0.05517800525,2792932,0.8800677657,,0.06061327085,0.8703165054,,0.9889199138,0.01108011231,0.9764480591,0.02355195954,0.5541881919,0.3435386717,0.1022731438,0.2761951089,0.1679595709,0.4367869794,,0.3781555891,0.06947898865,0.3365980089,0.2474121898,0.4159897864,,0.6277860999,0.007379110437,0.130150184,0.006130009424,0.1037528813,0.2042602748,0.06956878304,0.04350202903,0.03311131895,0.06554739922,,,,,,,,,,,42,0.2626034319,0.3634102345,3847.996826,25131.66797,7121.537598,685125,4523700.5,1267969.75,584171.9375,675000,831758.8125,,2.267194986,0.0472465381,0.5113791227,0.4413743317,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1998,ecv,Old worker,4305788,0,0,0,0.6142448187,1,0.4183720648,0.3631940782,0.05517800525,3331389,0.7737001777,0.6192725301,,0.7670860887,,0.991451323,0.008548686281,,,0.4646539092,0.4368796051,0.09846650064,0.1803321987,0.1906237155,0.5510684848,,0.5138716102,0.09590543061,0.2774607837,0.1985658109,0.5239734054,0.785199523,,0.004250796977,0.1251030117,0.005832432769,0.06337956339,0.2456797212,0.0504806377,0.04107347876,0.03411960974,0.1526199579,,,,,,,,,,,42,0.3163949251,0.3394860923,4312.82373,28167.5,7981.798828,773437.5,5070150,1431410.75,556354.25,773437.5,946125,0.9319325686,2.267194986,0.08688165992,0.5650134683,0.3481048942,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1998,ecv,Rural,4630369,0.3858737946,0.1893710792,0.06604073942,0,0.5480854511,0.4183720648,0.3631940782,0.05517800525,1952642,0.7694116235,0.597845912,0.1726836115,0.7662191391,,0.9958507419,0.004149250221,0.9905551672,0.009444817901,0.3658474386,0.5680793524,0.06607320905,0.1467195302,0.0504479222,0.2929394841,,0.2558633387,0.03551071137,0.6035889983,0.1430034935,0.2534074783,0.4768254757,0.3821873665,0.006521336734,0.08919487149,0.001625063014,0.04566221312,0.1338028461,0.0233263392,0.006459111348,0.01157960203,0.07823958248,,,,,,,,,,,42,0.4161909819,0.2325634807,3194.684082,20864.81445,5912.442871,567136.25,3755666.5,1049606.375,556354.25,591472.875,621316.125,0.9319325686,2.267194986,0.1027342603,0.6465368271,0.250728935,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1998,ecv,Total,11142575,0.3645559549,0.1957038641,0.05331353098,0.5844435692,0.5821305215,0.7178278246,0.6262443583,0.09158346627,4690515,0.7231270257,0.5727876425,0.1769004166,0.7128113595,,0.9857346416,0.01426538453,0.9717222452,0.02827773057,0.4938895106,0.4298844337,0.07622604817,0.5908912169,0.4091087831,0.4661783278,,0.4091087878,0.07262258232,0.2929678559,0.2023283541,0.5047038198,0.7717639804,0.66825068,0.004506658763,0.1299062669,0.00431157276,0.06360386312,0.2540328503,0.04558328167,0.03901935369,0.02698588185,0.1390824467,,,,,,,,,,,42,0.3278629184,0.3307835758,3750,24491.64063,6940.17334,667857.125,4408495.5,1236011.75,560420.5625,664375,761249.9375,0.9319325686,2.267194986,0.06181452796,0.4957055748,0.4424799085,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1998,ecv,Urban,6512206,0.3493983448,0.2002066523,0.04426410794,1,0.6063375473,0.4183720648,0.3631940782,0.05517800525,2737873,0.6933790445,0.5576165318,0.1797364205,0.6784851551,,0.9785197973,0.02148017846,0.9552355409,0.04476448148,0.586826086,0.3295786679,0.08359526843,0.2873650193,0.236074701,0.5135510564,,0.4510064721,0.09955943376,0.06751017272,0.245388031,0.6871017814,0.9686588049,0.9279363751,0.003044347977,0.1594557464,0.006261517759,0.07662642002,0.3412991762,0.06173800305,0.06265249848,0.03816819564,0.1832439154,,,,,,,,,,,42,0.263751924,0.4020745456,4166.666504,27212.93164,7711.303711,746142.8125,4898327.5,1380896.125,640909.0625,675000,803571.375,0.9319325686,2.267194986,0.02940897644,0.3762578368,0.5943331718,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1998,ecv,Young worker,2180645,0,1,0,0.5978905559,1,0.4183720648,0.3631940782,0.05517800525,1359126,0.623267889,0.477142334,0.1769004166,0.6056432724,,0.9717222452,0.02827773057,0.9717222452,0.02827773057,0.567004621,0.4123903215,0.02060509101,0.347961247,0.07643260062,0.2806488574,,0.1800982654,0.01439471543,0.33174932,0.2117380798,0.4565126002,0.7350142002,0.66825068,0.005146540701,0.1419186741,0.000508066616,0.06416479498,0.2749230862,0.03333552927,0.03388221189,0.00914519839,0.1052265763,,,,,,,,,,,42,0.3565431237,0.3090195954,3000,19593.3125,5552.138672,532125,3526796.25,984810.625,604955.3125,503673.9375,484999.9688,0.9319325686,2.267194986,0.01595030911,0.3688960373,0.6151536703,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1999,ecv,Female,5347538,0.3509394526,0.192027241,0.05727233738,0.6171350479,0.5917882323,0.4195534885,0.3622401953,0.0573133193,1980054,0.6256865859,0.6256865859,0.2421847731,0.612052381,,0.9782091975,0.02179081924,0.9624649286,0.03753508627,0.3853638768,0.5836805701,0.03095553815,0.1162466779,0.1442919075,0.5640923381,,0.5538216233,0.07018148154,0.267313391,0.1330070943,0.5996795297,0.7326866388,0.7054668665,0.0008203203906,0.1261666119,0.002481624251,0.003538535675,0.3014352024,0.01110118721,0.02771319076,0.02070585825,0.2387240827,,,,,,,,,,,39,0.4880582094,0.2197459638,5000,21449.69531,9253.564453,882937.5625,3860945.25,1634064,667625.0625,735840.875,937500.0625,,2.329234362,0.0871110484,0.1907250583,0.5762475729,0.1459163129 +Ecuador,ECU,Latin America and Caribbean,LCN,1999,ecv,Higher education,5384311,0.3659023345,0.2517436445,0.01438754145,0.7431034446,0.6197100878,0.4195534885,0.3622401953,0.0573133193,2395617,0.7179573774,0.5864275694,0.1114952341,0.6995431185,,0.9743518829,0.02564808913,0.9556245208,0.04437548667,0.5719997883,0.3553830981,0.07261712104,0.2064529061,0.265465647,0.5795785785,,0.5625242591,0.1200082079,0.1248045489,0.2033943832,0.6718010902,0.925604403,0.7969570756,0.004358601291,0.1551484615,0.005975342356,0.03791198507,0.3223178983,0.05414069071,0.06253171712,0.05221577734,0.1805949956,,,,,,,,,,,39,0.3618858755,0.2961730659,6322.916504,27124.92578,11701.90332,1094999.875,4882486.5,2026530.375,927257,900000,1190339.25,1.031324148,2.329234362,0,0,0.6977040768,0.302295953 +Ecuador,ECU,Latin America and Caribbean,LCN,1999,ecv,Lower education,5279906,0.3593868911,0.1397545785,0.09359522909,0.471809715,0.5470178723,0.4195534885,0.3622401953,0.0573133193,2318610,0.8027863503,0.6701902747,0.2013156414,0.7975388169,,0.9934633374,0.006536675151,0.992826283,0.007173707709,0.4199106991,0.5228630304,0.05722623318,0.1166704446,0.05313108116,0.327236861,,0.3129010797,0.01529363543,0.4808709025,0.1797940135,0.3393350542,0.5471042395,0.4616094232,0.006265188567,0.1033753902,0.00167844689,0.06847498566,0.1898881495,0.03335310519,0.007964045741,0.01051059552,0.09761916846,,,,,,,,,,,39,0.3769231439,0.2781490982,4107.450684,17620.71289,7601.711914,692351.9375,3171728.25,1281344.625,723260.5,517538.8438,681493.3125,1.031324148,2.329234362,0.1264325976,0.3340727687,0.5394946337,0 +Ecuador,ECU,Latin America and Caribbean,LCN,1999,ecv,Male,5316679,0.3744817078,0.2005921304,0.04991367832,0.6003856659,0.5756046176,0.4195534885,0.3622401953,0.0573133193,2734173,0.8934315443,,0.04780568555,0.8825005889,,0.987765193,0.01223477814,0.9771820903,0.02281789295,0.5761343241,0.3344966173,0.08936909586,0.1945713758,0.1712683439,0.4876344204,,0.4681513011,0.06645130366,0.326305747,0.2337325811,0.4399616718,,0.6165906787,0.008521535434,0.1317723095,0.004815585911,0.08862315118,0.2243454903,0.06727005541,0.0409569256,0.03923876584,0.06815043092,,,,,,,,,,,39,0.2844863236,0.335465163,5180.208496,22222.7793,9587.079102,858750.0625,4000100.25,1589299.875,769192.125,730500,1045666.563,,2.329234362,0.05358184129,0.1827723384,0.6436573863,0.1199884415 +Ecuador,ECU,Latin America and Caribbean,LCN,1999,ecv,Old worker,4131558,0,0,0,0.6473945379,1,0.4195534885,0.3622401953,0.0573133193,3359133,0.8130427003,0.6832552552,,0.8038369417,,0.9886774421,0.01132256445,,,0.4711964428,0.442186147,0.08661741018,0.1279856414,0.1917338222,0.594718039,,0.5996938944,0.0893067494,0.2826381624,0.1911114603,0.526250422,0.7421637774,,0.005434607621,0.1278941929,0.004973664414,0.05280899629,0.2517293692,0.04944079742,0.03494098037,0.04021049291,0.1499287635,,,,,,,,,,,39,0.3580570817,0.2989575267,5769.599121,24751.22852,10677.87207,973619.9375,4455221,1801891,757874.9375,868500,1140000,1.031324148,2.329234362,0.09937032312,0.2276182175,0.5371826291,0.1358288229 +Ecuador,ECU,Latin America and Caribbean,LCN,1999,ecv,Rural,4172006,0.3995327353,0.1894352436,0.06184506789,0,0.5386222005,0.4195534885,0.3622401953,0.0573133193,1825859,0.8125274777,0.6719694138,0.151227653,0.8082495928,,0.9947350621,0.005264919251,0.9907758236,0.009224166162,0.3820891976,0.5581160188,0.05979476497,0.08274980634,0.05808299035,0.4862483144,,0.4124251902,0.03155459091,0.6510894299,0.1201476753,0.2287629098,0.3912589848,0.3286089003,0.009379171766,0.06792588532,0.002590548014,0.04025207087,0.1312929839,0.01968408935,0.004888117313,0.0152938161,0.05760389566,,,,,,,,,,,39,0.4183793664,0.2306691259,4495.791504,19286.67188,8320.418945,741805.6875,3471601,1372869.375,741805.6875,491661.875,899303.5625,1.031324148,2.329234362,0.1219291314,0.2730484009,0.5462188721,0.05880355462 +Ecuador,ECU,Latin America and Caribbean,LCN,1999,ecv,Total,10664217,0.3626765013,0.1962973028,0.05360365286,0.608784616,0.5837198347,0.7131506065,0.6213194751,0.09183113144,4714227,0.7573158849,0.6256865859,0.1431561857,0.7450106646,,0.9837515354,0.01624847576,0.9715407491,0.02845928073,0.4964589775,0.4385683835,0.06497265399,0.5028854099,0.4971145438,0.5134874582,,0.4971145689,0.06801009178,0.3016716242,0.1916714907,0.5066568851,0.7326866388,0.6503403783,0.005305650644,0.1294314712,0.003840966849,0.05309339613,0.2565367222,0.04381497949,0.03542658687,0.03149976581,0.1393788159,,,,,,,,,,,39,0.3693524003,0.2872235477,5144.58252,22069.94531,9521.145508,868085.125,3972590.25,1606576.375,741805.6875,732812.5,1000000,1.031324148,2.329234362,0.07070913911,0.1868347228,0.6092233062,0.1332328469 +Ecuador,ECU,Latin America and Caribbean,LCN,1999,ecv,Urban,6492211,0.3389920592,0.2007069737,0.04830757901,1,0.6127003431,0.4195534885,0.3622401953,0.0573133193,2888368,0.7261256576,0.6011096239,0.1382606179,0.7092855573,,0.9768083692,0.02319164388,0.9559892416,0.04401076213,0.5700837374,0.3616103828,0.06830588728,0.2127850801,0.2256110609,0.5191216469,,0.5146282911,0.09146754444,0.07667572051,0.2377268672,0.6855974197,0.9408053756,0.9199237227,0.002682643244,0.1690359563,0.004646132234,0.06136213616,0.3371832371,0.05935325846,0.05509081483,0.041935049,0.1920350492,,,,,,,,,,,39,0.3377829492,0.3236400783,5500,23594.66406,10178.9209,937500.0625,4247039.5,1735043.5,774000,803625.0625,1024111.063,1.031324148,2.329234362,0.03452011198,0.1259212047,0.6537384987,0.185820207 +Ecuador,ECU,Latin America and Caribbean,LCN,1999,ecv,Young worker,2093357,0,1,0,0.6224604845,1,0.4195534885,0.3622401953,0.0573133193,1355094,0.6473305821,0.5058405399,0.1431561857,0.6289080381,,0.9715407491,0.02845928073,0.9715407491,0.02845928073,0.5601866841,0.4294421077,0.01037121098,0.2473086417,0.07995342463,0.3133434057,,0.244310081,0.01426354796,0.3496595919,0.19308348,0.4572569132,0.7054668665,0.6503403783,0.004980520811,0.1333073527,0.0009851662908,0.05381043628,0.2686572075,0.029630946,0.03665092215,0.009537959471,0.112779893,,,,,,,,,,,39,0.3978363574,0.2576334476,4030.401367,17290.17578,7459.115723,684937.5,3112231.5,1267622.625,729329.1875,562500,697500,1.031324148,2.329234362,0.01711881906,0.1105782613,0.7439240217,0.1283789128 +Ecuador,ECU,Latin America and Caribbean,LCN,2000,eped,Female,6457902,0.3357596695,0.2013875395,0.06127609313,0.648733139,0.6029642224,0.4078983068,0.3434023261,0.06449598819,1987108,0.5103151798,0.5103151798,0.2547847331,0.4511621296,,0.8840852976,0.1159146875,0.8185696602,0.1814303547,0.5103027225,0.4685522914,0.02114501968,,,0.8141997457,,,0.1082575843,0.1925467849,0.1374264061,0.6700267792,0.8074532151,0.7702710629,0.00145380199,0.1279186308,0.002371962648,0.005682008807,0.2980960011,0.01285880432,0.03680270538,0.02349421382,0.2987750769,0.01610111259,0.08493299782,0.05655312166,0.08636573702,0.269800365,0.0846574977,0.09380665421,0.01119666547,0.296228379,0.0003574736184,44,0.292160213,0.2630799413,0.4375,0.957116127,0.8096868992,78.75,172.280899,145.7436371,51.75388336,59.46428299,90,,2,0.0888428092,0.1660548002,0.5136274099,0.2314749807 +Ecuador,ECU,Latin America and Caribbean,LCN,2000,eped,Higher education,7077429,0.2746613324,0.279961139,0.02998927981,0.7311947346,0.6953493953,0.4078983068,0.3434023261,0.06449598819,3274588,0.6653927565,0.5222349763,0.1248856261,0.6057313085,,0.9103364944,0.08966349065,0.8453062177,0.1546937972,0.6141198277,0.3370800912,0.04880010709,,,0.784532249,,,0.1326940805,0.1752640158,0.2086963505,0.6160396338,0.8926264048,0.7504810095,0.006780327298,0.1438525021,0.006988313049,0.05107520148,0.2597594559,0.05616648495,0.0552909337,0.04949283227,0.1953299195,0.0303420648,0.1078377962,0.06938262284,0.07826125622,0.2015010566,0.06677374244,0.161944896,0.06911961734,0.2080093175,0.006827627309,44,0.195614174,0.3200585842,0.5,1.093846917,0.9253564477,90,196.8924408,166.5641632,60.37952805,81,108,1.049742699,2,0,0,0.5669891834,0.4330108166 +Ecuador,ECU,Latin America and Caribbean,LCN,2000,eped,Lower education,5717648,0.423946172,0.1085759401,0.1001992449,0.5327513814,0.4758545756,0.4078983068,0.3434023261,0.06449598819,1907355,0.7010352612,0.4891492426,0.2405690104,0.6655754447,,0.9494178891,0.05058208853,0.9108871222,0.0891128853,0.4720160365,0.5011698604,0.02681407891,,,0.5190375447,,,0.02172096632,0.4299347699,0.201576367,0.3684888482,0.6546353698,0.5123984814,0.004566296004,0.1077615991,0.001636223751,0.08761224896,0.1913487166,0.04080122337,0.01061750762,0.01289154403,0.112829864,0.003283491824,0.0005428309087,0.005148334429,0.00543327909,0.1578456163,0.1996971667,0.1703749001,0.05383524299,0.403180331,0.0006587968091,44,0.2021689266,0.3268041611,0.3125,0.6836543679,0.5783478022,56.25,123.057785,104.1026001,53.70685959,62.10466003,51.75388336,1.049742699,2,0.1606321633,0.3347145617,0.504653275,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2000,eped,Male,6337175,0.347089678,0.2054011375,0.06145261973,0.6361839175,0.5914577246,0.4078983068,0.3434023261,0.06449598819,3194835,0.8523717523,,0.05027107522,0.8097499013,,0.9499961734,0.05000383407,0.8950051665,0.1049948558,0.5894254446,0.3588849902,0.05168955773,,,0.6430293918,,,0.08062651008,0.3172093332,0.2457008511,0.4370898306,,0.6177936792,0.008542440832,0.1315417886,0.006467043422,0.09914957732,0.1967522502,0.07206627727,0.03933799639,0.04270330817,0.08622998744,0.0224405881,0.0570782125,0.03848332167,0.03011748195,0.135920912,0.135730803,0.2064145952,0.0935273245,0.2733946741,0.006892072968,44,0.1436175108,0.3570824862,0.4166666567,0.9115391374,0.771130383,75,164.0770569,138.8034668,57.96434784,75,98.25,,2,0.06687150896,0.159650594,0.561149776,0.2123281211 +Ecuador,ECU,Latin America and Caribbean,LCN,2000,eped,Old worker,5039851,0,0,0,0.6773178577,1,0.4078983068,0.3434023261,0.06449598819,3776117,0.7492517233,0.5564431548,,0.709389627,,0.9467974901,0.05320253596,,,0.5288004875,0.4192622602,0.05193725228,,,0.7347684503,,,0.1123816818,0.2528285086,0.1998910308,0.5472804904,0.8200800419,,0.007322630379,0.1245370209,0.005594064482,0.06243731081,0.2353660613,0.05454045162,0.04013042152,0.04355734214,0.1736861914,0.02549774572,0.08479902148,0.05071215332,0.04680581763,0.1883267015,0.1287845969,0.1593326628,0.07049947977,0.2401682884,0.005073536653,44,0.1885885447,0.3346201181,0.5,1.093846917,0.9253564477,90,196.8924408,166.5641632,59.51696396,82.28572083,112.5,1.049742699,2,0.1108801812,0.207292363,0.4641521275,0.2176753134 +Ecuador,ECU,Latin America and Caribbean,LCN,2000,eped,Rural,4574013,0.3819121122,0.1915434003,0.07099892199,0,0.5470889807,0.4078983068,0.3434023261,0.06449598819,1709891,0.6833026409,0.461016953,0.1963345259,0.6536833644,,0.9566528201,0.04334720597,0.9287276864,0.07127231359,0.4569750428,0.51295048,0.03007448465,,,0.4536017179,,,0.04531377181,0.639351964,0.1349314004,0.2257166654,0.4566966295,0.3442013562,0.005157197826,0.0787762627,0.002132326597,0.0488656126,0.09892148525,0.02510374226,0.009720792063,0.01840904541,0.07356159389,0.003482147818,0.01817612723,0.01509562414,0.01278540026,0.08884795755,0.2886502445,0.1126727909,0.03595794365,0.4221908748,0.002140885219,44,0.2246318161,0.2948863208,0.3306497931,0.7233605385,0.6119378209,59.51696396,130.204895,110.1488113,51.75388336,64.69235229,82.80621338,1.049742699,2,0.1453001052,0.2753862441,0.4817049503,0.09760870039 +Ecuador,ECU,Latin America and Caribbean,LCN,2000,eped,Total,12795077,0.3413712084,0.203375414,0.06136352196,0.6425177455,0.5972652584,0.674297935,0.5715571157,0.1027408193,5181943,0.6780824032,0.5103151798,0.1524838209,0.627037363,,0.9247214794,0.07527852058,0.865424335,0.1345756799,0.5604177713,0.3990908265,0.0404914245,,,0.699565351,,,0.09075652063,0.2715059817,0.2060056478,0.5224883556,0.8074532151,0.6736081839,0.005943628494,0.1302134842,0.004965718836,0.06488282233,0.2339065373,0.05035984144,0.03840851411,0.03566093743,0.1641525328,0.02011643164,0.06729023904,0.04510800913,0.05073902383,0.1850033402,0.1170064881,0.1651306599,0.06334353983,0.2817658782,0.004496380687,44,0.1980924457,0.3226090074,0.421698302,0.922546804,0.7804424763,75.90569305,166.0584106,140.4796448,57.50432205,73.125,93.74999237,1.049742699,2,0.07820262015,0.1629533917,0.5366414189,0.222202599 +Ecuador,ECU,Latin America and Caribbean,LCN,2000,eped,Urban,8221064,0.3188151717,0.2099584639,0.05600260571,1,0.6251822114,0.4078983068,0.3434023261,0.06449598819,3472052,0.6755408049,0.5335968733,0.1302261353,0.6140639782,,0.9089961648,0.0910038203,0.8255234361,0.174476549,0.6140312552,0.3400782943,0.04589044303,,,0.7956292629,,,0.1143091321,0.08085436374,0.242842868,0.6763027906,0.9593987465,0.9071943164,0.006351229269,0.1568729877,0.006434243638,0.07318440825,0.3038682044,0.06344987452,0.05327713117,0.04460245371,0.2111050934,0.02873784676,0.09274569154,0.06066318974,0.0704100877,0.2348399013,0.02804489806,0.1923191547,0.07753727585,0.2089847475,0.005717215128,44,0.1843446791,0.336969763,0.5,1.093846917,0.9253564477,90,196.8924408,166.5641632,67.5,75,95.625,1.049742699,2,0.04318302497,0.104272306,0.5653138757,0.2872307897 +Ecuador,ECU,Latin America and Caribbean,LCN,2000,eped,Young worker,2602204,0,1,0,0.6633154154,1,0.4078983068,0.3434023261,0.06449598819,1405826,0.5402443409,0.41833359,0.1524838209,0.467540592,,0.865424335,0.1345756799,0.865424335,0.1345756799,0.6533285379,0.3398148715,0.006856610999,,,0.6161842346,,,0.02720863186,0.3263917863,0.2239741385,0.4496340752,0.7702710629,0.6736081839,0.001891280524,0.1468943805,0.003119256813,0.07206921279,0.2296175659,0.03807465732,0.0333485119,0.01245647855,0.1361368597,0.00430284813,0.01583875529,0.02863962576,0.06229718775,0.175237298,0.08239522576,0.1821687073,0.04231503978,0.4040049911,0.00280034449,44,0.2260365188,0.2872930467,0.3125,0.6836543679,0.5783478022,56.25,123.057785,104.1026001,51.75388336,58.5,56.25,1.049742699,2,0.02109224349,0.08546242863,0.6633304358,0.230114907 +Ecuador,ECU,Latin America and Caribbean,LCN,2003,enemd,Female,6498453,0.329223901,0.1885388792,0.06581751257,0.6653718948,0.6049585938,0.4188292623,0.3499295413,0.06889974326,2443872,0.6216455102,0.6216455102,0.192732513,0.4873867333,,0.784026742,0.215973258,0.7190779448,0.280922085,0.5008546114,0.4645483494,0.0345970206,0.8046246767,0.1953753084,0.4937787056,0.06108365208,0.1953753084,0.102828145,0.2178766727,0.1132834479,0.6688398719,0.7821233273,0.7558829188,0.001860587974,0.1062111259,0.001987932483,0.003223801265,0.3055121899,0.01517957915,0.03770026192,0.02657848597,0.2838693559,,,,,,,,,,,41,0.3467850387,0.2123361975,0.8687499762,1.137067199,1.607806802,154.2857056,204.6721039,285.5385437,115.625,150,165,,1.983471036,0.08016952872,0.1620630473,0.5716923475,0.1860750616 +Ecuador,ECU,Latin America and Caribbean,LCN,2003,enemd,Higher education,6861440,0.3477576077,0.2522601783,0.01901729032,0.7838246822,0.6332250834,0.4188292623,0.3499295413,0.06889974326,3088291,0.7107957602,0.6225270629,0.08083400875,0.6107105017,,0.8591926694,0.1408073306,0.7771648765,0.2228350937,0.6391457319,0.305116713,0.0557375215,0.7031664848,0.2968335152,0.5908645988,0.10279008,0.2968335152,0.1529657543,0.1133978292,0.1964448392,0.6901573539,0.9335123301,0.8149242401,0.006976235192,0.1361890286,0.006004665047,0.04727490991,0.2928511202,0.06360317022,0.07022099942,0.06428718567,0.1991948485,,,,,,,,,,,41,0.2411985844,0.2668642402,1.125,1.472461224,2.082051992,196.875,265.0430298,364.3591003,148.75,185.625,209.9999847,0.9057291746,1.983471036,0,0,0.5984449387,0.4015550613 +Ecuador,ECU,Latin America and Caribbean,LCN,2003,enemd,Lower education,6125102,0.325632304,0.1286455244,0.1155138314,0.5210618377,0.5588538647,0.4188292623,0.3499295413,0.06889974326,2660378,0.7771981359,0.6205288172,0.1975374669,0.6781921983,,0.8726117015,0.1273882836,0.8276832104,0.1723168194,0.4926660955,0.469968468,0.03736543655,0.9320936799,0.067906335,0.1830328107,0.02008247375,0.067906335,0.01973872632,0.4733891487,0.1849529445,0.3416579068,0.5844830275,0.4814588726,0.004217573442,0.09608193487,0.001469323179,0.08318410814,0.1779629886,0.03832904622,0.01161760371,0.01354353316,0.1002047434,,,,,,,,,,,41,0.2758519351,0.2643241882,0.7188039422,0.9408096671,1.330299735,129.3847046,169.3457336,239.453949,122.1966705,157.5,121.8749924,0.9057291746,1.983471036,0.1237821877,0.2817804813,0.5944373608,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2003,enemd,Male,6488089,0.3454334438,0.199384436,0.06324019283,0.6544045806,0.5913263559,0.4188292623,0.3499295413,0.06889974326,3304797,0.8613918424,,0.04593915865,0.7972868085,,0.9255796671,0.07442030311,0.8533946872,0.1466053128,0.6146022677,0.3303610981,0.05503664166,0.8133545518,0.1866454482,0.3923184276,0.066145055,0.1866454482,0.08326094598,0.3211632073,0.2398153841,0.4390214384,,0.6214553714,0.008087018505,0.1245283782,0.005078700837,0.1021212861,0.1977273822,0.07475416362,0.04611565173,0.0493966192,0.07102760673,,,,,,,,,,,41,0.2012368441,0.2991805673,0.9375,1.22705102,1.735043406,165.6124268,220.8691711,306.5010681,129.3847046,180,202.5,,1.983471036,0.05553575978,0.1471608281,0.6211601496,0.1761432886 +Ecuador,ECU,Latin America and Caribbean,LCN,2003,enemd,Old worker,5249038,0,0,0,0.6934537292,1,0.4188292623,0.3499295413,0.06889974326,4266228,0.8127638102,0.6777919531,,0.7223611474,,0.8887712955,0.1112287045,,,0.5392376781,0.4064679742,0.05429436639,0.7862840295,0.2137159556,0.4819257259,0.07270826399,0.2137159556,0.1099353582,0.2666069865,0.183571443,0.5498215556,0.7899091244,,0.005875990726,0.1113758683,0.004390641581,0.06192893535,0.2412914485,0.05505391955,0.0436479561,0.04722840711,0.1625998467,,,,,,,,,,,41,0.2491733283,0.2730064094,1,1.308854342,1.850712895,180,235.5937805,333.1283264,129.3847046,186.3139648,204.1403046,0.9057291746,1.983471036,0.08885827661,0.1830305606,0.5328955054,0.1952156425 +Ecuador,ECU,Latin America and Caribbean,LCN,2003,enemd,Rural,4416819,0.3773953617,0.1821974069,0.07610137761,0,0.5465032458,0.4188292623,0.3499295413,0.06889974326,1846759,0.7650817633,0.6128816009,0.1432847977,0.6867772341,,0.89765203,0.1023479477,0.8722129464,0.1277870238,0.4534220099,0.5080685019,0.03850949556,0.94023633,0.05976364389,0.190495953,0.0182705801,0.05976364389,0.03501439095,0.6741300225,0.1329828948,0.1928870976,0.3746223748,0.3255524635,0.004881323781,0.07393046468,0.00140069623,0.05277041718,0.08492369205,0.01962603442,0.007375672925,0.01597951911,0.06498216838,,,,,,,,,,,41,0.3009257615,0.2082111537,0.7667242289,1.003530383,1.41898644,138.0103607,180.6354675,255.4175568,124.2093201,172.5129395,155.2616425,0.9057291746,1.983471036,0.1163365021,0.231401369,0.5826630592,0.06959908456 +Ecuador,ECU,Latin America and Caribbean,LCN,2003,enemd,Total,12986542,0.3373222053,0.1939573288,0.06452988088,0.6598926187,0.5981478989,0.6718272971,0.5639444791,0.1078828179,5748669,0.7400570452,0.6216455102,0.1173423454,0.640447408,,0.8654027581,0.1345972419,0.7981518507,0.2018481642,0.570792973,0.3820425868,0.0471644327,0.8099923134,0.1900077015,0.426609695,0.06419568509,0.1900077015,0.09079714864,0.2813829482,0.1910822988,0.5275347233,0.7821233273,0.6712663174,0.005688942503,0.1174735874,0.003888308536,0.06403145939,0.2392401099,0.05180933699,0.04287451133,0.04060833901,0.1530024409,,,,,,,,,,,41,0.2573865056,0.2656776905,0.9166666865,1.199783206,1.696486831,160.7142944,215.9609833,297.4360352,128.5714417,172.5,180,0.9057291746,1.983471036,0.06794279814,0.1546664834,0.5962452292,0.181145519 +Ecuador,ECU,Latin America and Caribbean,LCN,2003,enemd,Urban,8569723,0.31666857,0.2000183612,0.05856595188,1,0.6247654557,0.4188292623,0.3499295413,0.06889974326,3901910,0.7287749648,0.6254910231,0.1051629335,0.6195602417,,0.8501393199,0.1498607099,0.7540801167,0.2459198982,0.6294488907,0.3190614283,0.05148971826,0.7449030876,0.2550968826,0.5116046071,0.08714665473,0.2550968826,0.1186744571,0.08510846645,0.2201173455,0.6947742105,0.9616103172,0.9092194438,0.00609254837,0.1392341703,0.005131487269,0.06965913624,0.3163594007,0.0678928718,0.06061497703,0.0529165417,0.1969903857,,,,,,,,,,,41,0.2355162203,0.2945438325,1,1.308854342,1.850712895,173.5714417,235.5937805,321.230896,132.9545593,168.75,180,0.9057291746,1.983471036,0.03976969793,0.1099941432,0.6041522622,0.2460839003 +Ecuador,ECU,Latin America and Caribbean,LCN,2003,enemd,Young worker,2518835,0,1,0,0.6805137992,1,0.4188292623,0.3499295413,0.06889974326,1482441,0.5885423422,0.4976367354,0.1173423454,0.4697461426,,0.7981518507,0.2018481642,0.7981518507,0.2018481642,0.6719145179,0.3037694693,0.02431599423,0.8859672546,0.114032723,0.2843407393,0.03691643104,0.114032723,0.02946722135,0.3287337124,0.215151459,0.4561148286,0.7558829188,0.6712663174,0.005089531653,0.1370142102,0.00227854168,0.07076916844,0.2326664776,0.04141181707,0.04039593786,0.01939380355,0.1222467944,,,,,,,,,,,41,0.2835775316,0.2423071563,0.75,0.9816407561,1.388034701,135,176.6953278,249.8462372,124.2093201,147.2727203,135,0.9057291746,1.983471036,0.02395647578,0.095015347,0.729472816,0.1515553296 +Ecuador,ECU,Latin America and Caribbean,LCN,2004,enemd,Female,6664566,0.3162325919,0.1829017848,0.07318270952,0.6733998656,0.6105846763,0.4157123566,0.3390050828,0.07670725137,2556536,0.6282523274,0.6282523274,0.186273396,0.5456748605,,0.8685600162,0.1314399689,0.7933903337,0.2066096663,0.4431068599,0.5117849112,0.04510820657,0.821716249,0.1782837659,0.482932061,0.04591793194,0.1782837659,0.08985577524,0.2541160583,0.1190314814,0.6268524528,0.7458839417,0.6846852303,0.0008804303361,0.1108419001,0.002751176013,0.004557972308,0.2962943017,0.01506278943,0.03488665819,0.02344466746,0.2571640313,0.0216135513,0.07313741744,0.0703060776,0.05871952698,0.2604421079,0.1814641207,0.07612367719,0.01022965461,0.2471928746,0.0007709958008,39,0.3919652402,0.2044098228,1.041666627,1.327001095,1.927825928,181.1385956,238.860199,335.2355347,124.2093201,168.75,202.5,,2.028833389,0.07624566555,0.1594819576,0.5866203308,0.1776520312 +Ecuador,ECU,Latin America and Caribbean,LCN,2004,enemd,Higher education,7037828,0.3336145878,0.2483291775,0.02072898112,0.7850860953,0.6456564665,0.4157123566,0.3390050828,0.07670725137,3233943,0.711692214,0.6206624508,0.0776232481,0.6399341822,,0.8991726041,0.100827381,0.8231351972,0.176864773,0.6115761995,0.3161565065,0.07226725668,0.714220643,0.2857793272,0.5703368187,0.08417905122,0.2857793272,0.1412874758,0.1212460101,0.1914309859,0.6873229742,0.9108878374,0.7704349756,0.005162192509,0.1343487203,0.007467657793,0.04445242137,0.2891763151,0.06976576895,0.07289589196,0.05532153696,0.2001634836,0.04710074887,0.1122150123,0.1043958962,0.07357095927,0.2184827179,0.06000090018,0.1327004284,0.07527185977,0.1712977141,0.004963765386,39,0.2653954327,0.2813952267,1.25,1.592401385,2.313391209,225,286.6322632,416.4104004,158.3333282,201.2650909,236.25,0.9781875014,2.028833389,0,0,0.6145883203,0.3854116499 +Ecuador,ECU,Latin America and Caribbean,LCN,2004,enemd,Lower education,6205987,0.3184381425,0.1175527796,0.1305279881,0.5325106382,0.5510338545,0.4157123566,0.3390050828,0.07670725137,2704308,0.790800631,0.638438642,0.1848406643,0.7354105115,,0.929956913,0.0700430572,0.8962203264,0.103779681,0.4464437664,0.4994349778,0.05412125215,0.9411007762,0.05889919773,0.1627691686,0.01492868457,0.05889919773,0.01693307981,0.4895116687,0.1756732911,0.3348150551,0.5389015675,0.4502664804,0.003025182057,0.09351025522,0.002012016485,0.07712583989,0.1861862689,0.03593198955,0.01242440008,0.01164146326,0.08863091469,0.001079570036,0,0.005808206275,0.0001546787389,0.1486391127,0.2955298126,0.1312649846,0.05254345015,0.364462465,0.0005177164567,39,0.3375247717,0.2513586581,0.8214902282,1.046513677,1.520342588,146.25,188.3724518,270.6667786,135,168.75,142.5,0.9781875014,2.028833389,0.1177418903,0.2848868072,0.5973712802,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2004,enemd,Male,6579249,0.3369065523,0.1912479699,0.07116480917,0.659974575,0.5919286609,0.4157123566,0.3390050828,0.07670725137,3381715,0.8683429956,,0.03453079984,0.822262764,,0.9469331503,0.05306686088,0.8935152888,0.1064847335,0.5987094045,0.3244417012,0.07684890181,0.8178613186,0.1821386665,0.3764846921,0.05632431805,0.1821386665,0.07941158116,0.3183284998,0.2292588502,0.4524126351,,0.6058549285,0.006452946458,0.1185763329,0.006453571375,0.09777600318,0.2033574432,0.08112650365,0.05176097527,0.04312144592,0.07304626703,0.02863135934,0.05118419603,0.05060866475,0.02621181682,0.1345357001,0.1607484519,0.1708044708,0.1025235951,0.2703723311,0.004379409831,39,0.2341657877,0.3112776875,1.011649966,1.288762212,1.872273684,180,231.9771881,333.1283264,143.760788,190.125,225,,2.028833389,0.05179649219,0.1510805786,0.6243398786,0.1727830619 +Ecuador,ECU,Latin America and Caribbean,LCN,2004,enemd,Old worker,5486499,0,0,0,0.7036184669,1,0.4157123566,0.3390050828,0.07670725137,4503722,0.8208735585,0.6897917986,,0.7655344605,,0.9325851202,0.0674149096,,,0.5075938702,0.4155520797,0.07685405016,0.7936122417,0.2063877434,0.4722968936,0.06005494297,0.2063877434,0.1015532911,0.2711021006,0.1810488552,0.5478490591,0.7622455955,,0.004968448542,0.1129355356,0.005636765156,0.05750809982,0.2391683608,0.0604008846,0.0453293547,0.04180063307,0.1611498147,0.03147255257,0.07303533703,0.06174275652,0.03774097189,0.1860880107,0.1812481284,0.1300924867,0.07294819504,0.2220056951,0.003625862533,39,0.2805137932,0.2812098265,1.138106227,1.449857593,2.106307983,202.5,260.9743652,374.7693787,144.1715393,205.7142944,231.75,0.9781875014,2.028833389,0.08475314826,0.182183519,0.5423101187,0.1907532215 +Ecuador,ECU,Latin America and Caribbean,LCN,2004,enemd,Rural,4413760,0.3703991473,0.1792471707,0.08193830401,0,0.5476625562,0.4157123566,0.3390050828,0.07670725137,1926405,0.7969403863,0.6642431617,0.118210867,0.7598875761,,0.9535061717,0.0464938581,0.9265669584,0.07343303412,0.4002114534,0.5451446772,0.05464387313,0.9450637698,0.05493622646,0.1852098107,0.01508134324,0.05493622646,0.02983983606,0.6983448267,0.1181595102,0.1834956706,0.3230786324,0.2873225212,0.003808717011,0.06552615762,0.00257562031,0.04624901712,0.08627647907,0.02043673955,0.005887832493,0.01187202614,0.05902259424,0.004003072623,0.00965898484,0.01617670432,0.006718062796,0.08080566674,0.4280086458,0.07323559374,0.034238711,0.3452801108,0.001874415786,39,0.3789182603,0.1816086918,0.862564683,1.098839402,1.596359611,155.2616425,197.7910919,287.3447266,138.0103607,191.4893646,172.5129395,0.9781875014,2.028833389,0.1122246236,0.2281394303,0.5863605142,0.07327540964 +Ecuador,ECU,Latin America and Caribbean,LCN,2004,enemd,Total,13243815,0.3265029788,0.1870479882,0.07218025625,0.6667304635,0.60131675,0.6630170123,0.5429800164,0.1200369959,5938251,0.7456622267,0.6282523274,0.1091982201,0.6809327609,,0.9131919742,0.08680804819,0.8523069024,0.1476930827,0.5349935293,0.4011547267,0.06385176629,0.8194398284,0.1805601716,0.4125829041,0.05206312612,0.1805601716,0.0836860463,0.2920348942,0.1841231138,0.5238419771,0.7458839417,0.636056304,0.004171120934,0.1154092476,0.004937519785,0.0596052222,0.2414131016,0.05407483131,0.04485130683,0.03506422788,0.1484385431,0.02575771883,0.06017356738,0.05867433175,0.03952302411,0.1860916615,0.1692310721,0.132034719,0.06473121047,0.2608808577,0.002901841654,39,0.2988775373,0.2674524188,1.022298932,1.302328229,1.89198184,180,234.4190826,333.1283264,140.625,185.625,208.6363678,0.9781875014,2.028833389,0.06420251727,0.1553436071,0.6052001715,0.1752536744 +Ecuador,ECU,Latin America and Caribbean,LCN,2004,enemd,Urban,8830055,0.3045611978,0.1909472793,0.0673026368,1,0.628136158,0.4157123566,0.3390050828,0.07670725137,4011846,0.7233142853,0.6130570769,0.1049692333,0.64652282,,0.8938339353,0.1061660871,0.8035316467,0.1964683831,0.6040337086,0.3273979127,0.06856837869,0.7550907135,0.2449092567,0.4897791743,0.07100652158,0.2449092567,0.1113405153,0.08390835673,0.2179120332,0.6981796026,0.9565547109,0.9001832604,0.004356757272,0.1409611553,0.006147369742,0.06644675136,0.3208796382,0.07130546868,0.06480979174,0.04694410786,0.194240585,0.03690122813,0.08604895324,0.08044314384,0.0563269034,0.2400229275,0.03667590395,0.1621537507,0.08035056293,0.2176485062,0.00342812622,39,0.2577191889,0.3115947247,1.114130378,1.419314146,2.061935425,198,255.4765625,366.4411621,146.25,183.6734619,217.5000153,0.9781875014,2.028833389,0.0367077589,0.1136648208,0.6159867048,0.2336406857 +Ecuador,ECU,Latin America and Caribbean,LCN,2004,enemd,Young worker,2477229,0,1,0,0.6806294322,1,0.4157123566,0.3390050828,0.07670725137,1434529,0.5790861249,0.4843534827,0.1091982201,0.4935591221,,0.8523069024,0.1476930827,0.8523069024,0.1476930827,0.6291173697,0.3516965806,0.01918605343,0.9081632495,0.09183672816,0.2470553666,0.02460947819,0.09183672816,0.02214260213,0.3639436662,0.1946838796,0.4413724542,0.6846852303,0.636056304,0.001432124525,0.1239069924,0.00253545749,0.06680930406,0.2491242439,0.03234344348,0.04320910573,0.01192319393,0.1047724709,0.00612599263,0.01599055901,0.0481336154,0.04564477876,0.1861042231,0.127949819,0.138706699,0.03650404513,0.3944256008,0.0004146699794,39,0.3617599607,0.2203432024,0.8333333135,1.061600924,1.542260766,147.8682404,191.0881653,273.6616516,132.9545593,155.2616425,150,0.9781875014,2.028833389,0.01772714779,0.09464498609,0.7474265099,0.14020136 +Ecuador,ECU,Latin America and Caribbean,LCN,2005,enemd,Female,6655683,0.3074679077,0.1859894842,0.07424587011,0.6706467271,0.6182861924,0.4018819034,0.3245814443,0.0773004517,2487484,0.6044746637,0.6044746637,0.1937858611,0.5207970738,,0.8615697622,0.1384302378,0.782841146,0.217158854,0.4916470647,0.4676313996,0.04072153941,0.8128671646,0.1871328056,0.4581809044,0.05276414379,0.1871328056,0.08512613922,0.2388895601,0.1034574956,0.6576529741,0.761110425,0.7203967571,0.0008412885363,0.09608980268,0.001634050161,0.004892352037,0.3084608018,0.01750374772,0.0394407101,0.02096642181,0.2712812722,0.02176851593,0.07711578161,0.07101725787,0.0625969097,0.2707446814,0.1201484203,0.06237013638,0.008781036362,0.3054572642,0,40,0.3571166694,0.2119057029,1.0625,1.321717262,,187.4999847,237.9091034,,129.3847046,172.125,202.5,,2.244999886,0.07514282316,0.1529650837,0.5779910684,0.1939010471 +Ecuador,ECU,Latin America and Caribbean,LCN,2005,enemd,Higher education,7000137,0.3009362519,0.2638292611,0.02372296341,0.7910043597,0.6753407717,0.4018819034,0.3245814443,0.0773004517,3329465,0.7042793036,0.6009143591,0.07822979987,0.6355441809,,0.9024035335,0.09759645909,0.8334228396,0.1665771604,0.6260378957,0.3060800731,0.06788203865,0.7143541574,0.2856458724,0.5498648286,0.09375438094,0.2856458724,0.1295487881,0.1249586865,0.1891982108,0.6858431101,0.9125112295,0.7674319744,0.003849864937,0.128810212,0.005870819557,0.050667312,0.2930983007,0.06944967061,0.07369194925,0.05453182012,0.1950713545,0.04359263927,0.111314252,0.1025973856,0.07289614528,0.2283139378,0.03887408227,0.1200986803,0.06959146261,0.2070915848,0.005629849155,40,0.2366499603,0.2881710529,1.285714269,1.599388957,,225,287.8900146,,162.928894,210.9375,252,0.9375,2.244999886,0,0,0.6008086801,0.3991913199 +Ecuador,ECU,Latin America and Caribbean,LCN,2005,enemd,Lower education,6289472,0.3345775306,0.1124283597,0.1257981658,0.5212162733,0.5396243334,0.4018819034,0.3245814443,0.0773004517,2628381,0.7744308114,0.6094084978,0.2009800375,0.718981564,,0.9284000397,0.07159996778,0.8921939731,0.1078060269,0.4724351168,0.4778441489,0.04972073808,0.9376433492,0.0623566471,0.1747680306,0.01757158898,0.0623566471,0.01435585506,0.4810020924,0.1725640893,0.3464338183,0.555924952,0.4622901678,0.004465227947,0.09119539708,0.001589630963,0.07531383634,0.1865826845,0.04077389091,0.01503080316,0.008714898489,0.09533154964,0.001052787295,0.0004389004316,0.005674560554,0.001798631158,0.1457051039,0.2392126173,0.11976818,0.05348847806,0.4327189326,0.0001417922904,40,0.3010605276,0.2536715567,0.8364264369,1.04048872,,150,187.2879639,,135.8539429,183.2727203,150,0.9375,2.244999886,0.1222209409,0.2831127346,0.5946663618,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2005,enemd,Male,6633926,0.3262776732,0.1983846426,0.06980948895,0.6559768915,0.6039128304,0.4018819034,0.3245814443,0.0773004517,3470362,0.8662233949,,0.03549129888,0.8240916133,,0.951361537,0.04863844067,0.9019722939,0.09802770615,0.5997469425,0.3281633556,0.07208966464,0.8154395819,0.184560433,0.380268544,0.06405560672,0.184560433,0.07324517518,0.3141545653,0.2325606346,0.4532848001,,0.6088779569,0.006257630885,0.1222488433,0.005456799641,0.09859736264,0.2044003904,0.08197496086,0.05256894603,0.04245678335,0.07188370079,0.02631809376,0.05156548321,0.05146129057,0.02703350969,0.1397147775,0.1341868043,0.1573276222,0.0971634984,0.3100007772,0.005228120368,40,0.2060711086,0.3121754825,1.083333373,1.347633362,,192.857132,242.5740051,,145.5578003,204.5454407,231.4285583,,2.244999886,0.05356033146,0.1457304209,0.6176702976,0.18303895 +Ecuador,ECU,Latin America and Caribbean,LCN,2005,enemd,Old worker,5567474,0,0,0,0.6966615319,1,0.4018819034,0.3245814443,0.0773004517,4515476,0.8110457063,0.6682194471,,0.7563618422,,0.9325761199,0.06742390245,,,0.5290652514,0.3990691006,0.07186564058,0.7883486748,0.2116513252,0.4612620771,0.06660325825,0.2116513252,0.09448072314,0.265011251,0.1733680069,0.5616207719,0.7716948986,,0.004160507116,0.1043453813,0.004673684016,0.06018843502,0.246704787,0.06087686494,0.05023408681,0.04000071064,0.1638042927,0.0293740835,0.07637903094,0.06408724934,0.03701925278,0.1928784549,0.1490335464,0.1183661968,0.06967044622,0.2596030533,0.003588675056,40,0.2514102757,0.2828319073,1.198006511,1.490283251,,209.9999847,268.2509766,,147.8682404,225,247.5,0.9375,2.244999886,0.08436880261,0.1714748442,0.5383734703,0.2057828903 +Ecuador,ECU,Latin America and Caribbean,LCN,2005,enemd,Rural,4474295,0.3533392549,0.1838090718,0.08540026844,0,0.5612604618,0.4018819034,0.3245814443,0.0773004517,1923377,0.7659057379,0.615588367,0.1310601979,0.7161786556,,0.935074091,0.06492590904,0.9008561373,0.09914388508,0.4282479882,0.5171887875,0.05456324667,0.9404770732,0.05952293426,0.1816246063,0.01887628622,0.05952293426,0.0278015472,0.7025437951,0.1138026118,0.1836535931,0.3232194483,0.2798628509,0.006581595633,0.0576647222,0.00190658879,0.04764970765,0.08513706177,0.0213422291,0.007334445603,0.01166305225,0.05817681551,0.003020850709,0.01208062284,0.01337837055,0.006043925416,0.07520211488,0.335164845,0.07133611292,0.03457158804,0.4479349554,0.001266611042,40,0.3270243704,0.1833499223,0.862564683,1.073003888,,155.2616425,193.1407013,,138.0103607,207.0155334,181.1385956,0.9375,2.244999886,0.1163814664,0.2320330441,0.5777059197,0.07387958467 +Ecuador,ECU,Latin America and Caribbean,LCN,2005,enemd,Total,13289609,0.3168573976,0.1921769083,0.07203131169,0.6633238196,0.6111112833,0.6363631631,0.5184937772,0.1178693859,5957846,0.7335956835,0.6044746637,0.1122157127,0.670412732,,0.913872242,0.08612777293,0.8553180099,0.1446820199,0.5571967959,0.3830606341,0.05974257737,0.8144270182,0.1855729669,0.4073284864,0.0596110709,0.1855729669,0.07792169601,0.2845288217,0.1817431897,0.5337279439,0.761110425,0.6488503814,0.004125656094,0.1119521484,0.003952092957,0.06171329692,0.2453605384,0.05659787357,0.0474014245,0.0339977704,0.1503703594,0.0245272927,0.06162256747,0.05915889144,0.04103193805,0.1912906319,0.1286610365,0.1199505553,0.06237448752,0.3082123697,0.00317023322,40,0.265545845,0.2726938725,1.078205943,1.34125495,,191.25,241.4259033,,142.3231812,202.5,225,0.9375,2.244999886,0.06449476629,0.149395749,0.5975674391,0.188542068 +Ecuador,ECU,Latin America and Caribbean,LCN,2005,enemd,Urban,8815314,0.298340708,0.1964240819,0.06524577737,1,0.6364135146,0.4018819034,0.3245814443,0.0773004517,4034469,0.7191329598,0.5997145772,0.1032653004,0.6499269009,,0.9037645459,0.09623546153,0.8264685273,0.1735314876,0.6208010316,0.316901654,0.06229728833,0.7522526383,0.2477473915,0.4841266274,0.07970358431,0.2477473915,0.1026430205,0.07834216952,0.215255022,0.7064028382,0.9590313435,0.9036527276,0.002914258977,0.1387295276,0.004961041734,0.06865018606,0.324391067,0.073987782,0.06716453284,0.04501441121,0.1958450079,0.03513538837,0.08605922014,0.08174021542,0.05828984082,0.2485515028,0.02680262551,0.1439297199,0.07608832419,0.2392939478,0.004109198228,40,0.2351425886,0.3168775737,1.177083373,1.464255452,,205.7142944,263.565979,,155.357132,202.5,225,0.9375,2.244999886,0.0342976898,0.1013024151,0.6091264486,0.2552734315 +Ecuador,ECU,Latin America and Caribbean,LCN,2005,enemd,Young worker,2553956,0,1,0,0.6779834628,1,0.4018819034,0.3245814443,0.0773004517,1442370,0.5647591352,0.4563122392,0.1122157127,0.4830486476,,0.8553180099,0.1446820199,0.8553180099,0.1446820199,0.6532202363,0.3284177184,0.01836206205,0.9034421444,0.09655787051,0.2582234442,0.03574413061,0.09655787051,0.02140011452,0.3511496186,0.2103308439,0.4385195673,0.7203967571,0.6488503814,0.004006695468,0.1379168928,0.001489034854,0.06691821665,0.2407721579,0.04199207947,0.03773248568,0.01350750029,0.1045153365,0.007983399555,0.01125327777,0.04233657569,0.05472872034,0.1858707815,0.05912205949,0.1253585815,0.03747066855,0.4741339982,0.001741935732,40,0.3136727214,0.2381773442,0.862564683,1.073003888,,155.2616425,193.1407013,,135,165.6124268,157.5,0.9375,2.244999886,0.02028907649,0.1002853438,0.729232192,0.1501934081 +Ecuador,ECU,Latin America and Caribbean,LCN,2006,enemd,Female,6779383,0.3048202097,0.1869546175,0.07896957546,0.6709210873,0.6162102222,0.4060207307,0.325265497,0.08075521886,2496610,0.5976289511,0.5976289511,0.2074525207,0.5333710909,,0.8924785852,0.1075213999,0.8029882908,0.1970116794,0.4745555818,0.4874051511,0.03803927079,0.8107021451,0.1892978549,0.4659090042,0.03753302619,0.1892978549,0.08645817637,0.2331872135,0.1104722247,0.6563405395,0.7668128014,0.7146955729,0.00105647184,0.1015622243,0.001831547008,0.006021979265,0.3198049068,0.01979830116,0.03553542495,0.02150014602,0.2597017884,0.01535070688,0.0813613534,0.06251180917,0.07691913843,0.2654307187,0.0842300728,0.06576021016,0.01268080436,0.3357551992,0,39,0.3607344031,0.2019219846,1.150086284,1.388531804,2.128479481,202.5,249.9357147,374.7693787,142.3231812,180,225,,2.156411886,0.0724247694,0.1512560546,0.5859501958,0.1903689951 +Ecuador,ECU,Latin America and Caribbean,LCN,2006,enemd,Higher education,7187832,0.2999337018,0.2681933939,0.02237893082,0.7828630209,0.6776873469,0.4060207307,0.325265497,0.08075521886,3480522,0.7145243883,0.6060204506,0.08051754534,0.6551696658,,0.9169311523,0.08306886256,0.8516222239,0.1483777612,0.6277212501,0.3081097007,0.06416903436,0.7167223692,0.2832776606,0.55338943,0.06112585589,0.2832776606,0.125607878,0.1236210167,0.2019828856,0.6743960977,0.9147154689,0.7720025778,0.006535691675,0.1319653243,0.006447642576,0.05703423545,0.2951129079,0.06914930046,0.06990476698,0.0521623902,0.1880667359,0.03742684796,0.1104029939,0.08847843856,0.08857964724,0.2218296677,0.03375322372,0.1296939105,0.06490257382,0.2192314416,0.005701261573,39,0.2495339513,0.2681055665,1.375,1.660076499,2.544730186,243.7499847,298.8137817,451.1112366,177.4038391,225,271.875,0.9375000596,2.156411886,0,0,0.601669848,0.3983301818 +Ecuador,ECU,Latin America and Caribbean,LCN,2006,enemd,Lower education,6295680,0.3311142027,0.1074841768,0.1367726773,0.5261404514,0.5321131349,0.4060207307,0.325265497,0.08075521886,2560591,0.7643523216,0.5857232213,0.2234241515,0.7235623598,,0.9466345906,0.0533654131,0.8984665871,0.1015334204,0.4697418809,0.4838614166,0.0463966988,0.9395934939,0.06040650979,0.15242818,0.01149201486,0.06040650979,0.01278412528,0.4749701321,0.1809435338,0.3440863192,0.5565463901,0.4468514323,0.004665949382,0.09275998175,0.001281382749,0.08223622292,0.1958469301,0.04099187255,0.01343347877,0.007912724279,0.08590132743,0.001200522762,0.0004810342216,0.00280699553,0.004286815412,0.1485863477,0.1931847483,0.1299225539,0.05373226479,0.4653857648,0.0004129633307,39,0.2985330522,0.2416348606,0.9375,1.131870389,1.735043406,168.75,203.7366638,312.3078003,155.2616425,202.5,157.5,0.9375000596,2.156411886,0.1142437011,0.2733851373,0.6123711467,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2006,enemd,Male,6704129,0.3242731392,0.199426055,0.07257736474,0.6549797654,0.6031494737,0.4060207307,0.325265497,0.08075521886,3544503,0.8765728474,,0.03251437098,0.8376641273,,0.9556126595,0.04438732192,0.9075129628,0.09248701483,0.615423739,0.3159367144,0.06863956153,0.8143920898,0.18560794,0.378749609,0.04112663865,0.18560794,0.07061529905,0.3029795885,0.2471247464,0.44989568,,0.6273684502,0.008802033029,0.1239089742,0.005787128583,0.1086266041,0.2078326643,0.08146353066,0.05210157484,0.04066666961,0.06783121824,0.0260246601,0.05084447935,0.04425137118,0.03592820093,0.1407330334,0.1146413609,0.171914801,0.09126167744,0.3187331557,0.005667264573,39,0.2113982737,0.2927306592,1.166666627,1.408549666,2.159164906,207.0155334,253.5389404,383.1263123,161.7308807,218.958725,253.125,,2.156411886,0.04509264231,0.1304772198,0.6289220452,0.1955080777 +Ecuador,ECU,Latin America and Caribbean,LCN,2006,enemd,Old worker,5616702,0,0,0,0.6988738179,1,0.4060207307,0.325265497,0.08075521886,4540273,0.8083521128,0.6601295471,,0.7679725289,,0.9500470757,0.04995294288,,,0.5339298248,0.3965741694,0.06949597597,0.7849552035,0.2150448114,0.466136843,0.04484854639,0.2150448114,0.09443965554,0.2552625239,0.1858328581,0.5589046478,0.7804524302,,0.005968044978,0.1105341315,0.004915296566,0.06441538036,0.2504181564,0.0606444031,0.04786050692,0.03926464915,0.1607168913,0.02669612132,0.07832134515,0.05485811457,0.04707946628,0.1915189922,0.1198725477,0.128662914,0.06778574735,0.2808824778,0.004322271328,39,0.2493543625,0.2721275687,1.25,1.509160399,2.313391209,225,271.6488647,416.4104004,165.6124268,225,270,0.9375000596,2.156411886,0.07794103026,0.169011876,0.543921113,0.2091259807 +Ecuador,ECU,Latin America and Caribbean,LCN,2006,enemd,Rural,4544012,0.3536834717,0.18430233,0.08980213851,0,0.5565143824,0.4060207307,0.325265497,0.08075521886,1949742,0.7710122466,0.6114906669,0.1283051819,0.7374114394,,0.9564198852,0.04358012602,0.924600482,0.07539952546,0.4396333694,0.5177614093,0.0426052101,0.9379720688,0.06202795729,0.2009316683,0.01092519611,0.06202795729,0.02878600173,0.6775675416,0.1323421896,0.1900902689,0.3463122547,0.3111933768,0.008896529675,0.06651215255,0.002435150323,0.05449835211,0.08880603313,0.02190723643,0.008573166095,0.01163466647,0.05916916206,0.00393828284,0.01238596439,0.01351318043,0.009250460193,0.08130592108,0.2551657856,0.08210708946,0.03693963587,0.5040637851,0.001329921302,39,0.3508357704,0.1652653962,1.006325483,1.214965343,1.862419605,181.1385956,218.6937561,335.2355347,155.2616425,215.6411743,202.702713,0.9375000596,2.156411886,0.106635578,0.2165615559,0.5984623432,0.07834052294 +Ecuador,ECU,Latin America and Caribbean,LCN,2006,enemd,Total,13483512,0.3144924045,0.193155542,0.07579130679,0.6629949212,0.6097163111,0.6401070533,0.5158011992,0.1243058541,6041113,0.7348287167,0.5976289511,0.1176479161,0.6830389166,,0.9295212626,0.07047873735,0.8674275875,0.1325724274,0.5595271587,0.383975476,0.05649735034,0.8129279017,0.1870720983,0.4080823362,0.03970069066,0.1870720983,0.07690411061,0.2752859294,0.1929009557,0.5318130851,0.7668128014,0.6583706737,0.005728590302,0.11504177,0.004217552021,0.06791304052,0.2522633076,0.05699473619,0.04552811757,0.03306138143,0.1439655572,0.02178923041,0.06295359135,0.05149712041,0.05219342932,0.1902131289,0.1025741473,0.1297926009,0.06008074805,0.3254874945,0.003418490989,39,0.2706892192,0.2566768825,1.15625,1.395973444,2.139886856,207.0155334,251.2752075,383.1263123,157.84935,213.75,232.8924713,0.9375000596,2.156411886,0.05891615525,0.1409863383,0.6071885824,0.1929089278 +Ecuador,ECU,Latin America and Caribbean,LCN,2006,enemd,Urban,8939500,0.2945712805,0.1976556927,0.06866949797,1,0.6367592216,0.4060207307,0.325265497,0.08075521886,4091371,0.7187541723,0.5916858912,0.1125967279,0.6588839293,,0.9167027473,0.08329726011,0.8306572437,0.1693427563,0.6191380024,0.3174575269,0.06340447813,0.7507563233,0.2492436469,0.4812161028,0.05400777608,0.2492436469,0.1008318961,0.07527280599,0.2230105698,0.7017166018,0.9626530409,0.9069075584,0.004153500777,0.1391705424,0.005103756208,0.07458277792,0.3335337341,0.0744401291,0.06390200555,0.04371467605,0.1861260533,0.03066466376,0.08809565008,0.07038261741,0.07354453206,0.2443614602,0.02670606598,0.1535016894,0.07158643007,0.2366999537,0.004456921481,39,0.2307892442,0.3021849692,1.25,1.509160399,2.313391209,225,271.6488647,416.4104004,160.7142944,213.75,238.5,0.9375000596,2.156411886,0.03136852756,0.09735801816,0.612226069,0.259047389 +Ecuador,ECU,Latin America and Caribbean,LCN,2006,enemd,Young worker,2604415,0,1,0,0.6784414053,1,0.4060207307,0.325265497,0.08075521886,1500840,0.5762676001,0.4541251361,0.1176479161,0.4998704195,,0.8674275875,0.1325724274,0.8674275875,0.1325724274,0.6443385482,0.3422323167,0.0134291444,0.9056096077,0.0943903774,0.2486907542,0.02264435031,0.0943903774,0.01874667965,0.3416293561,0.2163196057,0.442051053,0.7146955729,0.6583706737,0.004935208708,0.1299768835,0.001905720215,0.07950179279,0.258376807,0.04490233213,0.03780024126,0.01250816137,0.08846351504,0.005531274248,0.01203576382,0.04036117345,0.06913746893,0.1858864576,0.04525951296,0.1335356086,0.03455183655,0.4732769132,0.0004240054695,39,0.3413564563,0.2054997534,0.9584051967,1.157109737,1.773732901,168.75,208.2797546,312.3078003,153.3448334,187.4999847,172.5,0.9375000596,2.156411886,0.01723807678,0.07959035039,0.7457895875,0.1573819965 +Ecuador,ECU,Latin America and Caribbean,LCN,2007,enemd,Female,6913479,0.3104327023,0.1783511639,0.07444255054,0.6714740992,0.6151247621,0.4059826732,0.3261485696,0.07983411849,2438550,0.5734186769,0.5734186769,0.2124560177,0.5288222432,,0.9222271442,0.07777285576,0.8601033092,0.1398966908,0.4802225232,0.4892727435,0.03050473146,0.8050115108,0.1949884742,0.886315465,0.05493937805,0.1949884742,0.08466517925,0.212264061,0.1159337237,0.6718022227,0.787735939,0.7543340325,0.001011162414,0.1086688265,0.001514520263,0.004739212338,0.3261509836,0.02454358712,0.04479974136,0.01931035519,0.2569975555,0.02183025703,0.07561929524,0.06645924598,0.07771009207,0.2824055552,0.08352627605,0.06354359537,0.01192006562,0.3166952431,0.0002903645509,39,0.3692052364,0.2068714797,1.25,1.47557199,2.313391209,216,265.6029663,399.7539978,157.5,206.2500153,225,,2.333333492,0.06918945909,0.1572750807,0.5773355961,0.1961998343 +Ecuador,ECU,Latin America and Caribbean,LCN,2007,enemd,Higher education,7355899,0.30652529,0.2577105761,0.02379545942,0.7803444266,0.6696792841,0.4059826732,0.3261485696,0.07983411849,3401991,0.6906063557,0.5831801891,0.08084800839,0.6432306767,,0.9313998818,0.06860012561,0.8664394021,0.1335605681,0.6238127947,0.3171730638,0.05901413038,0.7105327249,0.2894672453,0.8833848834,0.08261246234,0.2894672453,0.1295176893,0.1177334934,0.1950827688,0.6871837378,0.9219067097,0.7989091277,0.00608562585,0.1289705783,0.006193875335,0.05383268371,0.2979384661,0.07330270857,0.07507351786,0.05259649828,0.1882725358,0.0399136655,0.1118233427,0.09256665409,0.08881485462,0.2234301865,0.03852283582,0.1182952523,0.07017926127,0.2056507915,0.01074981038,39,0.2392341644,0.27849558,1.5,1.770686388,2.776069403,266.1628418,318.7235413,492.5910034,194.0770721,240.0000153,292.2077942,0.9543293118,2.333333492,0,0,0.5998851061,0.4001148939 +Ecuador,ECU,Latin America and Caribbean,LCN,2007,enemd,Lower education,6326009,0.3347935379,0.09999907017,0.1301846057,0.5257257819,0.5350218415,0.4059826732,0.3261485696,0.07983411849,2535562,0.7491571307,0.5593323112,0.2432045788,0.7196932435,,0.96067065,0.03932934627,0.9255076647,0.07449233532,0.4857100546,0.4752779305,0.03901200369,0.9325900078,0.06741000712,0.534779489,0.01755041443,0.06741000712,0.01307712402,0.4587891698,0.1905506998,0.3506601453,0.590444684,0.4501362741,0.005166595336,0.09433296323,0.001973857172,0.08907727897,0.1954648048,0.0425311178,0.01671784744,0.007315340918,0.08863102645,0.002238652669,0.0001112552563,0.005302893464,0.00675331708,0.1469505429,0.1850519776,0.1304551959,0.05765362084,0.4653183222,0.0001642144052,39,0.311473161,0.2562377751,1,1.180457592,1.850712895,180,212.4823608,333.1283264,168.75,213.75,168.75,0.9543293118,2.333333492,0.1115367413,0.2948173583,0.5936458707,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2007,enemd,Male,6768429,0.3289546072,0.1913680434,0.07149797678,0.6535724998,0.5995473862,0.4059826732,0.3261485696,0.07983411849,3499003,0.862249434,,0.03485706821,0.8269004226,,0.9590037465,0.04099624977,0.9029511809,0.09704878926,0.6197966337,0.3166019917,0.06360135972,0.8084070683,0.1915929317,0.6835523844,0.05392964557,0.1915929317,0.07497920096,0.3019555211,0.2448386401,0.4532058239,,0.6283518672,0.008819400333,0.1174329594,0.00626662001,0.1123196557,0.2046435177,0.0836436376,0.05300192907,0.04203474894,0.06988199055,0.02468442731,0.05499414727,0.04671802744,0.0366877988,0.128387332,0.1147287935,0.163816914,0.1001321077,0.3197245598,0.01007552538,39,0.2044977695,0.3103846312,1.25,1.47557199,2.313391209,225,265.6029663,416.4104004,177.0652161,231.4285583,278.5714417,,2.333333492,0.04629709199,0.1491200179,0.6168041229,0.1877787709 +Ecuador,ECU,Latin America and Caribbean,LCN,2007,enemd,Old worker,5782358,0,0,0,0.6963199377,1,0.4059826732,0.3261485696,0.07983411849,4589611,0.7937265635,0.6360640526,,0.7625812888,,0.9607607126,0.03923927248,,,0.5406842828,0.3970161676,0.0622995533,0.7832908034,0.2167091668,0.7690529823,0.06002220511,0.2167091668,0.09386170655,0.2500520349,0.1910451502,0.5589028001,0.7959856391,,0.006332664751,0.1118671,0.004784422927,0.0680609569,0.2502339184,0.06211880594,0.05001499131,0.03805336729,0.1584817171,0.0289312806,0.07720594108,0.05544347316,0.04696023464,0.1886489689,0.1151858345,0.1263852417,0.07249930501,0.2812486589,0.007452742197,39,0.2562081218,0.2784805298,1.350000024,1.593617797,2.498462439,238.0678558,286.8511963,440.5952454,180,245.0000153,284.6463623,0.9543293118,2.333333492,0.07496999949,0.1785552353,0.5385450721,0.2079296857 +Ecuador,ECU,Latin America and Caribbean,LCN,2007,enemd,Rural,4616027,0.3573729098,0.1768241376,0.08539205045,0,0.5572350621,0.4059826732,0.3261485696,0.07983411849,1900578,0.7388885617,0.5641444921,0.1497552693,0.7115202546,,0.9629602432,0.03703978658,0.9326003194,0.06739965826,0.4694644809,0.4945712984,0.03596420214,0.9319865108,0.06801348925,0.459174484,0.02101704665,0.06801348925,0.02998621762,0.6720231771,0.1367722601,0.1912045926,0.3639076054,0.3134760857,0.008227054961,0.07186502218,0.001703110291,0.05497707427,0.08425287157,0.02569691278,0.0104066208,0.01185565814,0.05899252743,0.00474816421,0.01323967427,0.0159945935,0.01136335731,0.0755744949,0.2579690218,0.080131419,0.03823228553,0.5020437837,0.000703209138,39,0.3628880084,0.1797778159,1.069847703,1.262909889,1.979980946,188.1959534,227.3237762,348.2966919,172.5129395,223.4826813,230.0172882,0.9543293118,2.333333492,0.1040885895,0.2234815955,0.5891932845,0.08323654532 +Ecuador,ECU,Latin America and Caribbean,LCN,2007,enemd,Total,13681908,0.3195954859,0.1847905964,0.07298587263,0.6626181602,0.6074186414,0.6463110148,0.5261535688,0.120157446,5937553,0.7144514424,0.5734186769,0.1214707345,0.6743704532,,0.9438996315,0.0561003834,0.8864891529,0.1135108173,0.5637897849,0.3858895004,0.05032069236,0.8070445657,0.1929554641,0.7528551221,0.05433481932,0.1929554641,0.07886649668,0.2659650743,0.1931130141,0.5409219265,0.787735939,0.6753131747,0.005686191842,0.113916181,0.004359746817,0.06915089488,0.2534007728,0.05992858484,0.04971064255,0.03291613981,0.1449657679,0.02353913523,0.06327039003,0.05463957787,0.05314879864,0.1901901662,0.1022081748,0.1235802844,0.06473530084,0.3185089827,0.006149037741,39,0.2706319392,0.2688215077,1.25,1.47557199,2.313391209,223.4826813,265.6029663,413.6022949,172.5129395,225,253.125,0.9543293118,2.333333492,0.05799195543,0.1532861441,0.5966411233,0.1920807809 +Ecuador,ECU,Latin America and Caribbean,LCN,2007,enemd,Urban,9065881,0.3003605604,0.1888468415,0.06666908413,1,0.6329703927,0.4059826732,0.3261485696,0.07983411849,4036975,0.7034977078,0.5773751736,0.1079861,0.6577183008,,0.934926033,0.06507397443,0.8576383591,0.142361626,0.6095290184,0.3331886828,0.05728229135,0.7464590073,0.2535410225,0.8625394702,0.0704909265,0.2535410225,0.1025674865,0.06906363368,0.2204331756,0.710503161,0.9679687619,0.9214951992,0.004454102833,0.1343071908,0.00564797502,0.07602391392,0.3354222178,0.07652784884,0.06876953691,0.0431285724,0.1866550148,0.0326510556,0.08753076196,0.0733788982,0.07341095805,0.2457683831,0.0266782511,0.1446490437,0.07758685946,0.2295112163,0.008789772168,39,0.2258411497,0.3120526671,1.333333373,1.573943496,2.467617273,235.125,283.309845,435.1488647,180,225,257.1428833,0.9543293118,2.333333492,0.03084729612,0.1119505391,0.6010268927,0.2561752796 +Ecuador,ECU,Latin America and Caribbean,LCN,2007,enemd,Young worker,2528288,0,1,0,0.6771629453,1,0.4059826732,0.3261485696,0.07983411849,1347942,0.533144176,0.4200029671,0.1214707345,0.4726265371,,0.8864891529,0.1135108173,0.8864891529,0.1135108173,0.6490531564,0.3448301852,0.006116645411,0.8946998119,0.105300203,0.7030623555,0.03334739432,0.105300203,0.02339617535,0.3246868551,0.2007438093,0.4745693505,0.7543340325,0.6753131747,0.003300595097,0.1214776337,0.002792618237,0.07317295671,0.2650870085,0.05184629187,0.0485875383,0.01395890675,0.09508961439,0.003641199088,0.01184582245,0.05167306215,0.07598566264,0.1958774328,0.05431839079,0.1132294983,0.03608477861,0.4560060203,0.001338146976,39,0.3237966001,0.2332193851,1.006325483,1.187924623,1.862419605,180,213.826416,333.1283264,155.2616425,187.4999847,184.5,0.9543293118,2.333333492,0.01718821377,0.09255630523,0.7362647653,0.1539907306 +Ecuador,ECU,Latin America and Caribbean,LCN,2008,enemd,Female,7047252,0.2914783061,0.1833510399,0.08089195937,0.6714286804,0.6276297569,0.3997231424,0.3128317893,0.08689136803,2454226,0.5548700094,0.5548700094,0.1880435348,0.5024386644,,0.9055070877,0.09449292719,0.8078283668,0.1921716332,0.5045571923,0.4665446281,0.02889819071,0.7894195318,0.2105804831,0.8909922242,0.04688210785,0.2105804831,0.09183590114,0.1987342983,0.1168531626,0.684412539,0.8012657166,0.7578448057,0.0008959109546,0.1086752191,0.00143408752,0.005847945344,0.3182661831,0.02086289227,0.04843229055,0.02430389076,0.2725472748,,,,,,,,,,,41,0.3132414818,0.2022862285,1.3125,1.429279327,2.429060698,231.75,257.2702637,428.90271,172.5129395,225,247.5,,2.374999762,0.07382598519,0.1426589489,0.5858986974,0.1976163834 +Ecuador,ECU,Latin America and Caribbean,LCN,2008,enemd,Higher education,7536416,0.2882699072,0.2708673477,0.02527633868,0.7757805586,0.6864537597,0.3997231424,0.3128317893,0.08689136803,3514934,0.6794242263,0.5700955391,0.0744676739,0.6227060556,,0.9165201783,0.08347980678,0.8282161951,0.1717838198,0.6430069208,0.2988712192,0.05812184885,0.6907833219,0.3092166781,0.8805596232,0.07320702076,0.3092166781,0.1359710991,0.115373604,0.2031523734,0.68147403,0.9269108176,0.8018192649,0.005156591069,0.1323110163,0.006634159945,0.0590506047,0.2863227427,0.06663928926,0.07684817165,0.0574426651,0.1942211539,,,,,,,,,,,41,0.1931799501,0.2880845368,1.5625,1.701522946,2.891738892,271.7078857,306.2741394,502.853302,207.0155334,258.75,296.0526428,0.9795919061,2.374999762,0,0,0.5996490717,0.4003509283 +Ecuador,ECU,Latin America and Caribbean,LCN,2008,enemd,Lower education,6342317,0.3243669569,0.09117409587,0.1438504308,0.5291216373,0.5317826271,0.3997231424,0.3128317893,0.08689136803,2446459,0.7253637314,0.5321615934,0.2457894832,0.6944718957,,0.9574119449,0.04258808494,0.9136348367,0.08636519313,0.5013480783,0.4611630738,0.03748886287,0.9245091081,0.07549089938,0.5170307159,0.01820030063,0.07549089938,0.01548450533,0.4599864483,0.1896362007,0.350377351,0.6092756987,0.4419448078,0.004967832472,0.09823893011,0.001613392844,0.08481604606,0.1923007071,0.0446199812,0.01805257984,0.009223962203,0.08618011326,,,,,,,,,,,41,0.2454735935,0.2588005066,1.118139386,1.217625499,2.069355011,198.3898773,219.1725922,367.1627197,183.2950134,225,192.2727356,0.9795919061,2.374999762,0.1208953932,0.2733530104,0.605751574,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2008,enemd,Male,6831481,0.3184725344,0.1943214089,0.07798777521,0.6544312835,0.6035397053,0.3997231424,0.3128317893,0.08689136803,3507167,0.8506202698,,0.03854605183,0.8104296327,,0.9527513385,0.04724867642,0.8837983012,0.1162017137,0.6357874274,0.3011179566,0.06309461594,0.7890181541,0.2109818459,0.6741129756,0.05215687305,0.2109818459,0.08082786947,0.3014965355,0.2510733306,0.4474301338,,0.6418777108,0.007857946679,0.1241470054,0.00657317834,0.1124952063,0.1991711408,0.08164908737,0.05453278124,0.04568245262,0.0663946718,,,,,,,,,,,41,0.1499052942,0.324676156,1.333333373,1.451966286,2.467617273,234.3750153,261.3539429,433.7608643,192.228714,245.4545593,281.25,,2.374999762,0.04779909551,0.1337842494,0.6205760837,0.1978405565 +Ecuador,ECU,Latin America and Caribbean,LCN,2008,enemd,Old worker,5926511,0,0,0,0.6988560557,1,0.3997231424,0.3128317893,0.08689136803,4607665,0.7774667144,0.6156536341,,0.7436692715,,0.9565287232,0.04347125813,,,0.5565798283,0.3828898668,0.06053028628,0.7659009099,0.234099105,0.7662395835,0.05574511364,0.234099105,0.1016556993,0.2460175753,0.1906822324,0.5633001924,0.8115463853,,0.006096614525,0.1133850068,0.004833047744,0.06636755913,0.2448887825,0.06112429127,0.05214976519,0.04371978343,0.1614175737,,,,,,,,,,,41,0.1985375434,0.2895908654,1.437607884,1.565518618,2.66059947,257.1428833,281.793335,475.897644,191.6810455,258.7694092,300,0.9795919061,2.374999762,0.07881549001,0.1622487158,0.5478677154,0.2110680938 +Ecuador,ECU,Latin America and Caribbean,LCN,2008,enemd,Rural,4676271,0.341353178,0.1840566993,0.09293280542,0,0.5657140017,0.3997231424,0.3128317893,0.08689136803,1843792,0.6969720125,0.5120210052,0.1487558335,0.6703275442,,0.9617711902,0.03822882473,0.92441082,0.07558915764,0.5024541616,0.4629324973,0.03461331502,0.9184624553,0.08153753728,0.4285385609,0.02772899903,0.08153753728,0.03356460109,0.6646997333,0.1396735758,0.1956267059,0.38569507,0.3310406804,0.005823586136,0.0728283748,0.001688935794,0.05933267996,0.08217814565,0.0248795189,0.01147122961,0.01332313754,0.06377466768,,,,,,,,,,,41,0.2718639672,0.1882640719,1.150086284,1.252414942,2.128479481,207.0155334,225.4346771,383.1263123,191.6810455,238.0678558,247.9873505,0.9795919061,2.374999762,0.1054518968,0.2062760741,0.5959750414,0.09229700267 +Ecuador,ECU,Latin America and Caribbean,LCN,2008,enemd,Total,13878733,0.3047655821,0.1887509525,0.07946243882,0.6630620956,0.6157719791,0.6239777612,0.4949325277,0.1290452335,5961393,0.6975542838,0.5548700094,0.1122851968,0.6510284653,,0.9333015084,0.06669850647,0.8542432189,0.1457567513,0.583370626,0.3671937287,0.04943566397,0.7891784906,0.2108215392,0.7490369081,0.05004999414,0.2108215392,0.08522521704,0.2604506016,0.1974622607,0.5420871377,0.8012657166,0.6845417619,0.005077126436,0.117967166,0.0045204903,0.06989748031,0.2467408329,0.05736948177,0.05209608376,0.03714329377,0.1487374455,,,,,,,,,,,41,0.2151815444,0.2757638097,1.322599173,1.4402771,2.447751284,234,259.2498779,433.0668335,188.1959534,240.0000153,267.8571472,0.9795919061,2.374999762,0.06118760258,0.1383494884,0.6027376652,0.1977252364 +Ecuador,ECU,Latin America and Caribbean,LCN,2008,enemd,Urban,9202462,0.2861734033,0.1911363453,0.07261741161,1,0.6412091851,0.3997231424,0.3128317893,0.08689136803,4117601,0.697815299,0.5731765032,0.09443893284,0.6423761845,,0.920553267,0.0794467479,0.8125932217,0.1874067783,0.6212259531,0.3224039972,0.05637003854,0.7286952138,0.271304816,0.8703095913,0.06049248204,0.271304816,0.1094175354,0.07132966071,0.2244976908,0.7041726708,0.9668158293,0.9232466221,0.00472790841,0.1390845627,0.005845183972,0.07484003901,0.323728621,0.07256934792,0.07110171765,0.04828713834,0.1884858161,,,,,,,,,,,41,0.1886451691,0.3167276084,1.428571463,1.555678248,2.643875599,249.9999847,280.0220947,462.6781921,180,240.0000153,270,0.9795919061,2.374999762,0.03522833809,0.09851321578,0.6067036986,0.2595547438 +Ecuador,ECU,Latin America and Caribbean,LCN,2008,enemd,Young worker,2619624,0,1,0,0.6714417934,1,0.3997231424,0.3128317893,0.08689136803,1353728,0.5167642236,0.4075849056,0.1122851968,0.4414423704,,0.8542432189,0.1457567513,0.8542432189,0.1457567513,0.6854765415,0.3073720336,0.007151424419,0.8778948188,0.1221051663,0.6958019137,0.02834454551,0.1221051663,0.02260532975,0.3154582381,0.223302573,0.4612391889,0.7578448057,0.6845417619,0.001191615826,0.1354308575,0.003329260508,0.08335084468,0.2537994683,0.04305901006,0.05189149454,0.01207872946,0.1004104912,,,,,,,,,,,41,0.2785438895,0.2231254429,1.125,1.225096583,2.082051992,196.875,220.517395,364.3591003,181.1385956,213.75,195.0000153,0.9795919061,2.374999762,0.01875759847,0.08082449436,0.7348086834,0.1656092107 +Ecuador,ECU,Latin America and Caribbean,LCN,2009,enemd,Female,7142882,0.2768010199,0.1891148388,0.09144809842,0.6735503674,0.6317508817,0.3870787919,0.2937828004,0.09329597652,2501602,0.5543689132,0.5543689132,0.1922765672,0.5009877086,,0.9037081003,0.09629189968,0.8077160716,0.1922839135,0.495649159,0.4831049144,0.02124590427,0.7707374096,0.2292625606,0.9038671851,0.04740971699,0.2292625606,0.09688976407,0.2024051696,0.1101287305,0.687466085,0.7975948453,0.7569447756,0.001285432372,0.09762075543,0.004239803646,0.006982737221,0.3253647685,0.02453866415,0.05064452812,0.02031832375,0.2665998042,,,,,,,,,,,41,0.3027147055,0.2076229602,1.437607884,1.488731027,2.66059947,253.125,267.9715881,468.4617004,177.75,237.5,270,,2.285714626,0.0723997131,0.1424353272,0.5797790289,0.2053859234 +Ecuador,ECU,Latin America and Caribbean,LCN,2009,enemd,Higher education,7741458,0.2761507034,0.2826170325,0.02806318924,0.7786692381,0.6957861185,0.3870787919,0.2937828004,0.09329597652,3599040,0.668171823,0.5624465942,0.07936996222,0.6083387136,,0.9104524851,0.08954749256,0.8366024494,0.1633975208,0.6375706792,0.317129612,0.04529969394,0.6643835306,0.3356164992,0.8870968819,0.07371927053,0.3356164992,0.1369304806,0.1228051186,0.1958316863,0.6813631654,0.9249763489,0.7893571258,0.006617828738,0.1243813634,0.009071623906,0.05576087907,0.2858681679,0.07608473301,0.07883613557,0.04949742928,0.1910767257,,,,,,,,,,,41,0.1963242441,0.2639475167,1.649999976,1.7086761,3.053676367,289.2857056,307.5617065,535.3847656,215.6249847,270,320.625,0.9937229753,2.285714626,0,0,0.5889289379,0.4110710919 +Ecuador,ECU,Latin America and Caribbean,LCN,2009,enemd,Lower education,6339777,0.3013656437,0.08995568752,0.1637936234,0.5251003504,0.5348407626,0.3870787919,0.2937828004,0.09329597652,2482623,0.7321706414,0.5416269302,0.2426306158,0.6963846684,,0.951123476,0.04887653142,0.8899229169,0.1100770757,0.4759353101,0.4936951697,0.03036953323,0.9198769927,0.0801230371,0.524930656,0.01704710349,0.0801230371,0.01404178422,0.460123986,0.1942479461,0.3456280828,0.5981717706,0.4574793875,0.005030320492,0.09356828034,0.001230687951,0.09441866726,0.1939629316,0.03929392621,0.01802962087,0.008600840345,0.08574074507,,,,,,,,,,,41,0.2419020683,0.2573710382,1.198006511,1.240609169,2.217166185,213.75,223.3096466,395.5898743,201.2650909,246,207.0155334,0.9937229753,2.285714626,0.1187219694,0.2758717835,0.6054062843,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2009,enemd,Male,6938353,0.2985208333,0.2028351724,0.0868306905,0.6551933885,0.6146484613,0.3870787919,0.2937828004,0.09329597652,3580061,0.8394739628,,0.03715585917,0.7919335961,,0.9433688521,0.05663115904,0.8799239397,0.1200760379,0.6195617318,0.3294759393,0.05096233264,0.7718225121,0.2281775028,0.683604002,0.05170759931,0.2281775028,0.07778329402,0.3053943217,0.2521025538,0.4425030947,,0.6491852403,0.009077763185,0.1207505614,0.006823499687,0.1154507324,0.1951572448,0.08486773819,0.05518946797,0.04043458775,0.06685406715,,,,,,,,,,,41,0.1569603533,0.2970688641,1.437607884,1.488731027,2.66059947,258.75,267.9715881,478.8719788,207.0155334,261,300,,2.285714626,0.04645552486,0.1347751915,0.6153404117,0.2034288794 +Ecuador,ECU,Latin America and Caribbean,LCN,2009,enemd,Old worker,6019003,0,0,0,0.6956701875,1,0.3870787919,0.2937828004,0.09329597652,4692152,0.779556334,0.6219391227,,0.7399927974,,0.9492486715,0.05075133964,,,0.5412080884,0.4112977386,0.04749418423,0.7510915399,0.2489084601,0.7795088887,0.05435450375,0.2489084601,0.1002743393,0.2515013218,0.1897865236,0.5587121248,0.8072060347,,0.005919075571,0.1086477414,0.006396894809,0.06882280856,0.2445799112,0.06380144507,0.05320993438,0.03760738298,0.1595134884,,,,,,,,,,,41,0.1980936676,0.2730641067,1.551418543,1.60658896,2.871230364,272.5,289.1860046,504.3192749,207.0155334,273,318.75,0.9937229753,2.285714626,0.07775212824,0.1659906507,0.5382971168,0.2179601192 +Ecuador,ECU,Latin America and Caribbean,LCN,2009,enemd,Rural,4724181,0.3175634146,0.1893773824,0.1053175107,0,0.5771190524,0.3870787919,0.2937828004,0.09329597652,1911130,0.7009681463,0.5212199092,0.1309848577,0.6691505313,,0.9546090364,0.04539094493,0.9119475484,0.08805242926,0.4571559131,0.5121685266,0.03067559376,0.9203796387,0.07962038368,0.4445263743,0.02584930137,0.07962038368,0.03858249635,0.6684433222,0.1291111112,0.2024455369,0.3844130635,0.3279223442,0.006659241393,0.06872793287,0.001314417692,0.05240952969,0.0923435986,0.02276058495,0.008251013234,0.0149853481,0.06410499662,,,,,,,,,,,41,0.2813074887,0.1867392063,1.245926857,1.290233612,2.30585289,219.9539948,232.2420502,407.0716858,207.0155334,258.7694092,258.7694092,0.9937229753,2.285714626,0.1033841819,0.1985267401,0.6037893295,0.09429974854 +Ecuador,ECU,Latin America and Caribbean,LCN,2009,enemd,Total,14081235,0.2875031829,0.1958753616,0.08917292953,0.6645051837,0.6233238727,0.6043024003,0.4612420533,0.143060347,6081663,0.6928956653,0.5543689132,0.113126941,0.6423523919,,0.9270550013,0.07294501364,0.8521105647,0.1478894353,0.5698757768,0.3910774887,0.0390467532,0.7713873982,0.2286125869,0.7604205608,0.04998425022,0.2286125869,0.08544486016,0.2640936971,0.1951683313,0.5407379866,0.7975948453,0.6885351539,0.005952888634,0.1114750654,0.005787387956,0.07195298374,0.2473729551,0.06067462265,0.05336686224,0.03236757964,0.146955952,,,,,,,,,,,41,0.2154230624,0.2611917257,1.437607884,1.488731027,2.66059947,258.75,267.9715881,478.8719788,207.0155334,258.7694092,281.25,0.9937229753,2.285714626,0.05968127772,0.1386801451,0.5972120166,0.204426527 +Ecuador,ECU,Latin America and Caribbean,LCN,2009,enemd,Urban,9357054,0.2723264098,0.1991560608,0.08102186769,1,0.6466516852,0.3870787919,0.2937828004,0.09329597652,4170533,0.6892582774,0.568533957,0.1045535505,0.6302773952,,0.9144284725,0.08557155728,0.8160417676,0.1839582175,0.6237988472,0.3331497908,0.04305136204,0.7001122832,0.2998877168,0.8711685538,0.06152996421,0.2998877168,0.107875444,0.07062956691,0.2267739028,0.7025965452,0.966719389,0.9315060377,0.005614929367,0.1319277585,0.007927514613,0.0813037008,0.3215479255,0.07881487906,0.07495287806,0.04068423808,0.1865966022,,,,,,,,,,,41,0.1838840246,0.2968323231,1.5,1.553341866,2.776069403,270,279.601532,499.6924744,206.2500153,258.75,285,0.9937229753,2.285714626,0.0336133875,0.1029828787,0.5932888389,0.2701148987 +Ecuador,ECU,Latin America and Caribbean,LCN,2009,enemd,Young worker,2758167,0,1,0,0.6756349206,1,0.3870787919,0.2937828004,0.09329597652,1389511,0.5037806034,0.3962163925,0.113126941,0.4292767644,,0.8521105647,0.1478894353,0.8521105647,0.1478894353,0.6777174473,0.3150132,0.007269321475,0.8477361202,0.1522638649,0.7030777931,0.03354428336,0.1522638649,0.02966482192,0.3114648163,0.2154141068,0.4731210768,0.7569447756,0.6885351539,0.006080090068,0.1221111566,0.00349448924,0.0837283656,0.2578801215,0.04891186953,0.05395721272,0.01265601441,0.0997158438,,,,,,,,,,,41,0.2805418074,0.2165788263,1.198006511,1.240609169,2.217166185,209.9999847,223.3096466,388.6496887,192.857132,225,215.6411743,0.9937229753,2.285714626,0.01775227673,0.07531279325,0.7339097857,0.1730251461 +Ecuador,ECU,Latin America and Caribbean,LCN,2010,enemd,Female,7223216,0.2678985298,0.1796882451,0.1007149741,0.6736983657,0.6313865185,0.3857370615,0.2857298255,0.1000072509,2392646,0.5246292949,0.5246292949,0.1974009275,0.4868113995,,0.9279149771,0.07208504528,0.8523151875,0.1476848274,0.5153406858,0.4661192894,0.01854000427,0.2359362245,0.2794044912,0.9130381346,0.06930240244,0.5421742797,0.1188858375,0.1895952225,0.1162153184,0.6941894889,0.8104047775,0.7688481212,0.002442153171,0.104659006,0.003058772068,0.006055386737,0.3297478855,0.01881520823,0.04816699028,0.0247480832,0.2727113068,,,,,,,,,,,41,0.2797823846,0.1894507408,1.649999976,1.649999976,3.053676367,292.5,297,541.3335571,224.2668304,270,303.75,,2.086800098,0.06766831875,0.1390596181,0.5820704103,0.2112016529 +Ecuador,ECU,Latin America and Caribbean,LCN,2010,enemd,Higher education,8007690,0.2619614303,0.2785618603,0.03395586088,0.7768632174,0.7040827274,0.3857370615,0.2857298255,0.1000072509,3615143,0.6412015557,0.5336255431,0.0829346031,0.598041594,,0.9326889515,0.06731103361,0.8717458844,0.1282541454,0.6520115137,0.3090903163,0.03889816999,0.2747392654,0.3772722185,0.8853412867,0.08317932487,0.5786281824,0.1545641422,0.1144949421,0.2023826689,0.6831223965,0.932299614,0.7849323153,0.006861113477,0.1324330717,0.008000875823,0.0550876148,0.2795368433,0.07288902253,0.07738400996,0.05413648114,0.1991760433,,,,,,,,,,,41,0.1760716587,0.2556679547,1.78125,1.78125,3.29658246,315,320.625,582.9745483,258.75,293.8775635,337.5,1.041666627,2.086800098,0,0,0.5946215391,0.4053784311 +Ecuador,ECU,Latin America and Caribbean,LCN,2010,enemd,Lower education,6271228,0.3014269173,0.077994138,0.1755452007,0.5189056993,0.5230278373,0.3857370615,0.2857298255,0.1000072509,2340748,0.7136368155,0.5093157291,0.2603763044,0.6873071194,,0.9631049633,0.03689504415,0.9122132659,0.0877867043,0.4789947271,0.49877882,0.02222645096,0.38150388,0.09749084711,0.5007663369,0.02620946243,0.2035321891,0.01589612477,0.4653861523,0.1871578395,0.347456038,0.5998656154,0.4371694326,0.004880264401,0.09425316006,0.001187463058,0.08683694899,0.1951147616,0.04331156984,0.01985063776,0.009773836471,0.07940521091,,,,,,,,,,,41,0.2345483005,0.2354099303,1.375,1.375,2.544730186,245.8309326,247.5,454.9624939,230.0172882,262.5,249.9999847,1.041666627,2.086800098,0.118405126,0.2754885852,0.6061062813,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2010,enemd,Male,7055702,0.2909609973,0.2015148848,0.09145879745,0.6532003284,0.617580235,0.3857370615,0.2857298255,0.1000072509,3563245,0.8177340627,,0.0394843556,0.7816517949,,0.9558753371,0.0441246666,0.9001172781,0.09988272935,0.6265818477,0.3322845101,0.04113366455,0.3706982732,0.2558835447,0.6759049892,0.0617932491,0.408380121,0.08603859693,0.297793299,0.2484734207,0.4537332952,,0.6404306293,0.008430491202,0.1252665222,0.006712625269,0.1080637798,0.1909285784,0.08855979145,0.05834813416,0.04392992333,0.07196687162,,,,,,,,,,,41,0.1471252739,0.2854590118,1.579545498,1.579545498,2.923285246,281.25,284.3181763,520.5130005,236.5891876,281.25,325.5319214,,2.086800098,0.04629257694,0.1266195327,0.6187782884,0.2083095759 +Ecuador,ECU,Latin America and Caribbean,LCN,2010,enemd,Old worker,6198347,0,0,0,0.6958724856,1,0.3857370615,0.2857298255,0.1000072509,4729760,0.7630679607,0.5990194082,,0.7330141664,,0.9606145024,0.03938550875,,,0.5544342995,0.4064449668,0.03912070766,0.2694042921,0.2850300074,0.7784152627,0.07399469614,0.5140915513,0.1136944517,0.2407569736,0.189760685,0.5694823265,0.8188098073,,0.00592856342,0.1126750559,0.005987989716,0.06516907364,0.2468838543,0.06395677477,0.05491448194,0.04117067531,0.1625565588,,,,,,,,,,,41,0.1872991174,0.2574529648,1.71875,1.71875,3.180912733,303.75,309.375,562.1540527,240.0000153,300,337.5,1.041666627,2.086800098,0.07465293258,0.1608381122,0.5422026515,0.222306326 +Ecuador,ECU,Latin America and Caribbean,LCN,2010,enemd,Rural,4803862,0.3100892603,0.1889288276,0.108570978,0,0.5813397765,0.3857370615,0.2857298255,0.1000072509,1880223,0.6732692719,0.4831240773,0.1363999993,0.6511690021,,0.9671746492,0.03282536194,0.9399026632,0.06009733677,0.4773209095,0.5048644543,0.01781464368,0.3785826266,0.09873830527,0.4399212003,0.04264697433,0.2068593651,0.04513215274,0.6543078423,0.134794578,0.2108975947,0.4123613536,0.3500982523,0.007636148483,0.07119446248,0.001689895173,0.05427406728,0.09012591094,0.02823329158,0.008577606641,0.01729544252,0.06666534394,,,,,,,,,,,41,0.265594691,0.179289937,1.437607884,1.437607884,2.66059947,258.7694092,258.7694092,478.9078979,235.7676697,301.1135254,310.5232849,1.041666627,2.086800098,0.1004492417,0.1955835819,0.6066697836,0.09729737788 +Ecuador,ECU,Latin America and Caribbean,LCN,2010,enemd,Total,14278918,0.2792944908,0.1904735416,0.09614118189,0.6635696292,0.6245643348,0.6011160929,0.4471829006,0.1539331924,5955891,0.6678428195,0.5246292949,0.1148455963,0.6308729787,,0.9446429014,0.05535712466,0.883032918,0.1169671118,0.5826845765,0.3850975633,0.03221789375,0.5449249086,0.4550751425,0.7586659193,0.06441399455,0.455075115,0.09900056571,0.2550964653,0.1962821037,0.5486214161,0.8104047775,0.6847302318,0.006067390554,0.1171344444,0.005270752124,0.06780952215,0.2457090467,0.06103738397,0.05433047935,0.03636043891,0.1511840671,,,,,,,,,,,41,0.1995053589,0.2475498319,1.600000024,1.600000024,2.961140633,283.5,288,524.677124,234.357193,280,315,1.041666627,2.086800098,0.05713256076,0.1329281032,0.6001631618,0.2097761929 +Ecuador,ECU,Latin America and Caribbean,LCN,2010,enemd,Urban,9475056,0.2636815012,0.1912567019,0.0898392573,1,0.646479249,0.3857370615,0.2857298255,0.1000072509,4075668,0.6653687954,0.5425944328,0.1040505096,0.6216197014,,0.9342483282,0.06575167924,0.8454612494,0.1545387655,0.6330049038,0.3278983533,0.03909671307,0.2883562446,0.344648689,0.8734547496,0.07225289941,0.544464469,0.1247274578,0.06444307417,0.2256470174,0.7099099159,0.9676494002,0.9305039644,0.005318190437,0.1390742362,0.006980880164,0.07427372038,0.3200116754,0.07670380175,0.07618091255,0.04546540976,0.1915480942,,,,,,,,,,,41,0.1679308861,0.2801612914,1.666666627,1.666666627,3.084521532,300,300,555.2138672,231.4285583,273.2142944,315,1.041666627,2.086800098,0.03075522557,0.09477456659,0.596200943,0.2782692313 +Ecuador,ECU,Latin America and Caribbean,LCN,2010,enemd,Young worker,2719756,0,1,0,0.6662980318,1,0.3857370615,0.2857298255,0.1000072509,1226131,0.4508239031,0.3376283944,0.1148455963,0.3980923295,,0.883032918,0.1169671118,0.883032918,0.1169671118,0.7012332082,0.2955157161,0.003251089482,0.5194280148,0.1818051636,0.6931397915,0.0326262638,0.2592649162,0.03733950108,0.3152697682,0.2236481607,0.4610820711,0.7688481212,0.6847302318,0.006649955641,0.1358475089,0.002260984853,0.07888971269,0.2407791913,0.04878665879,0.05187981203,0.01617509313,0.1034613028,,,,,,,,,,,41,0.2506737709,0.2060359418,1.389687657,1.389687657,2.571913004,247.5,250.1437683,458.0514526,221.8023682,254.9999847,257.1428833,1.041666627,2.086800098,0.01477827597,0.06545756757,0.7402787209,0.1794854701 +Ecuador,ECU,Latin America and Caribbean,LCN,2011,enemd,Female,7398324,0.2632635534,0.1774607301,0.1030944288,0.6716511846,0.6336420178,0.3820053637,0.2761943042,0.1058110669,2429226,0.518191874,0.518191874,0.2260402888,0.4841537476,,0.9343136549,0.06568635255,0.8442027569,0.1557972431,0.4932278395,0.4879446626,0.01882749796,0.6920867562,0.307913214,0.9031674862,0.04235702381,0.307913214,0.1140770465,0.1817453653,0.1167576239,0.7014970183,0.8182546496,0.8235821128,0.0008772243164,0.1052708775,0.002408291213,0.00820123218,0.3538002968,0.02288801968,0.05631903186,0.02965952083,0.2388301492,,,,,,,,,,,,,,1.875,1.794695258,3.470086813,337.5,323.045166,624.6156006,257.8125,305,349.3387451,,2.225543499,0.06143329293,0.1263811439,0.5813034773,0.2308820933 +Ecuador,ECU,Latin America and Caribbean,LCN,2011,enemd,Higher education,8286875,0.2591423094,0.2726486027,0.02915320918,0.7784922719,0.7117044926,0.3820053637,0.2761943042,0.1058110669,3802010,0.6446481943,0.524426043,0.1024588346,0.6062354445,,0.9404128194,0.05958716571,0.8771905303,0.1228094697,0.6296346784,0.3363814354,0.03398388997,0.5861230493,0.4138769209,0.8879987001,0.06021939963,0.4138769209,0.1475360245,0.11559131,0.1906834841,0.6937251687,0.9352093339,0.7989712954,0.005983847193,0.125788331,0.006955470424,0.05195584521,0.2966838777,0.07565574348,0.08409242332,0.05821658298,0.1790765822,,,,,,,,,,,,,,2.083333254,1.994105935,3.855651855,369.6705933,358.9390564,684.1541138,270,337.5,405,1.061224461,2.225543499,0,0,0.5575227737,0.4424772263 +Ecuador,ECU,Latin America and Caribbean,LCN,2011,enemd,Lower education,6189078,0.2904243469,0.06339231879,0.1957708448,0.5102387071,0.5138047934,0.3820053637,0.2761943042,0.1058110669,2245400,0.7061055303,0.5068203211,0.3135418296,0.6857933998,,0.9712336063,0.02876636758,0.9139351249,0.08606488258,0.4534777999,0.51385957,0.03266266361,0.879371345,0.1206286848,0.4972465634,0.02607382275,0.1206286848,0.01809971407,0.4720915258,0.1747865975,0.3531218767,0.6043332815,0.4404113591,0.00513479393,0.08576729149,0.0008694025455,0.08301509917,0.2066857815,0.04848478362,0.01734036207,0.01170437783,0.06890656799,,,,,,,,,,,,,,1.5,1.435756326,2.776069403,270,258.4361267,499.6924744,258.7694092,300,285,1.061224461,2.225543499,0.1151901037,0.2546797395,0.6301301718,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2011,enemd,Male,7077629,0.2821891308,0.1891640574,0.09756148607,0.6555983424,0.6202493906,0.3820053637,0.2761943042,0.1058110669,3618184,0.8242074251,,0.04312711209,0.7942349315,,0.963634789,0.03636520356,0.9078151584,0.09218481928,0.6082478762,0.3487283289,0.04302376509,0.7005656958,0.2994343042,0.697773695,0.05048976094,0.2994343042,0.08835665137,0.2955115736,0.2288634181,0.4756250083,,0.6629645228,0.008777012117,0.1141120568,0.006108802743,0.09986554086,0.2032109648,0.09301074594,0.06041975319,0.04771370813,0.07126984,,,,,,,,,,,,,,1.854166627,1.774754286,3.431530237,330.6122131,319.45578,611.8682861,258.7694092,335.223999,393.75,,2.225543499,0.04424592853,0.1075857282,0.6008532047,0.2473151535 +Ecuador,ECU,Latin America and Caribbean,LCN,2011,enemd,Old worker,6426039,0,0,0,0.6972881556,1,0.3820053637,0.2761943042,0.1058110669,4926029,0.7665731311,0.6022449732,,0.7412798405,,0.9670046568,0.03299533948,,,0.5357045531,0.4249963164,0.03929910436,0.6849879026,0.3150121272,0.7844362259,0.04993436486,0.3150121272,0.1090863347,0.2439424247,0.1779540777,0.5781034827,0.8173325658,,0.005724160932,0.1075557396,0.005264414009,0.05940976366,0.259491086,0.06872393936,0.05892062932,0.04487589374,0.1460919529,,,,,,,,,,,,,,1.987499952,1.90237689,3.678291798,351.9264221,342.4278564,651.3147583,258.7694092,342,409.5,1.061224461,2.225543499,0.066053994,0.1425503343,0.5405763984,0.2508192658 +Ecuador,ECU,Latin America and Caribbean,LCN,2011,enemd,Rural,4866778,0.2956117988,0.1711368412,0.1335540712,0,0.5708341599,0.3820053637,0.2761943042,0.1058110669,1830868,0.6590305567,0.4694640636,0.1594709903,0.6379638314,,0.968033731,0.03196625784,0.919261694,0.0807383135,0.4676744044,0.5021925569,0.03013301082,0.8663496971,0.1336502731,0.4471364319,0.04118335992,0.1336502731,0.04758844525,0.6497114897,0.1264468133,0.2238416672,0.4228530526,0.3496033549,0.009907794185,0.06072417274,0.001751919161,0.054062929,0.09755735844,0.02864007093,0.01406444144,0.01875202358,0.0648277849,,,,,,,,,,,,,,1.653249025,1.582441807,3.059689283,295.7364807,284.8395386,547.3233032,258.7694092,336.400238,362.2771912,1.061224461,2.225543499,0.0969960615,0.1880664676,0.5988556743,0.1160818189 +Ecuador,ECU,Latin America and Caribbean,LCN,2011,enemd,Total,14475953,0.2725166976,0.1831827611,0.1003892422,0.6638025641,0.6270940453,0.5946571214,0.4345706991,0.1600864223,6047410,0.666176905,0.518191874,0.1336897016,0.6341048528,,0.9518565536,0.04814342037,0.8853137493,0.1146862656,0.5628962517,0.4036204219,0.03348333389,0.6972225308,0.3027774692,0.7687357664,0.04728307575,0.3027774692,0.09849803895,0.2506542802,0.1846608222,0.5646848679,0.8182546496,0.7171410322,0.005662176758,0.1106260344,0.004649715032,0.0637228936,0.2625873685,0.06536180526,0.05880286545,0.04059505835,0.1373377889,,,,,,,,,,,,,,1.875,1.794695258,3.470086813,335.204071,323.045166,620.3665161,258.7694092,328.125,374.9999695,1.061224461,2.225543499,0.05298066139,0.1171376854,0.5909178853,0.238963753 +Ecuador,ECU,Latin America and Caribbean,LCN,2011,enemd,Urban,9609175,0.2608196735,0.1892836839,0.08359219134,1,0.65558815,0.3820053637,0.2761943042,0.1058110669,4216542,0.6693283916,0.5387260318,0.1218840405,0.6324030757,,0.9448322654,0.05516771972,0.8672905564,0.1327094436,0.6052578688,0.3597683311,0.03497380018,0.621982336,0.378017664,0.8792847395,0.04999667406,0.378017664,0.1211463585,0.07312437147,0.2105586827,0.7163169384,0.9652851224,0.9239618182,0.003773414297,0.1328260452,0.005938866641,0.06802035868,0.3360048234,0.08169832826,0.07870580256,0.05031244457,0.1695955694,,,,,,,,,,,,,,1.934782624,1.851917505,3.5807271,342,333.3451538,632.9438477,265.5,326.25,374.9999695,1.061224461,2.225543499,0.02758120559,0.07620763034,0.586337328,0.3098738194 +Ecuador,ECU,Latin America and Caribbean,LCN,2011,enemd,Young worker,2651745,0,1,0,0.6859105825,1,0.3820053637,0.2761943042,0.1058110669,1121381,0.4228841662,0.3021245897,0.1336897016,0.3743851781,,0.8853137493,0.1146862656,0.8853137493,0.1146862656,0.6933662891,0.3010554314,0.005578308832,0.755926311,0.2440736741,0.7105320692,0.0345617421,0.2440736741,0.04769363254,0.282858938,0.216840893,0.500300169,0.8235821128,0.7171410322,0.005364765879,0.1253578365,0.001700286288,0.08441800624,0.2774437964,0.04922973365,0.05823782831,0.02005491592,0.09533388168,,,,,,,,,,,,,,1.555555582,1.48893249,2.8788867,272.7272644,268.007843,504.7398682,241.875,276.5625,292.5,1.061224461,2.225543499,0.01841137186,0.04993999004,0.7240339518,0.207614705 +Ecuador,ECU,Latin America and Caribbean,LCN,2012,enemd,Higher education,8467193,0.2421481311,0.2718638778,0.03866405413,0.772556603,0.7191877961,0.3811954558,0.265940845,0.1152546033,3927149,0.6449047923,0.5354411006,0.09839942306,0.6055002809,0.02451673895,0.9388986826,0.06110132486,0.8669643998,0.1330356151,0.633875072,0.3272758722,0.03884904459,0.5736808181,0.4263191819,0.888918519,0.04818785191,0.4263191819,0.1455846578,0.1173120514,0.1902220398,0.6924659014,0.9251112342,0.7636889219,0.005683795083,0.1228971183,0.006171706133,0.05546941608,0.2889104784,0.0764316842,0.09286443144,0.05901524425,0.175244078,0.006457381882,0.1650608331,0.0814710483,0.1260975748,0.101791732,0.07584922016,0.1400910765,0.08263856173,0.2100273967,0.01051517017,40,0.158008188,0.1972613335,2.272727251,2.069814205,4.206165791,405,372.5665894,749.5387573,310.5232849,379.6875,450,1.048142791,2.1968925,0,0,0.5288826823,0.4711172879 +Ecuador,ECU,Latin America and Caribbean,LCN,2012,enemd,Old worker,6589432,0,0,0,0.697001636,1,0.3811954558,0.265940845,0.1152546033,4999306,0.75868541,0.5975769162,,0.7348061204,0.03226651251,0.9685254097,0.03147456795,,,0.5516294837,0.4066727161,0.04169782624,0.6694492102,0.3305507898,0.788115561,0.04163834825,0.3305507898,0.1078669652,0.2343780547,0.1821057796,0.5835161805,0.8221487403,,0.005335035268,0.1104266793,0.005025862716,0.06131820753,0.2550389171,0.06935297698,0.06876664609,0.04367616028,0.1466814578,0.004545000847,0.1062887311,0.04743357375,0.09990238398,0.07108194381,0.2035262436,0.1416639537,0.07058955729,0.2483463138,0.006622304674,40,0.1680184901,0.2093970329,2.179111004,1.984556317,4.032908916,388.1541443,357.2201538,718.3618774,295.7364807,388.1541443,450,1.048142791,2.1968925,0.06813579053,0.1345420331,0.5314866304,0.2658355534 +Ecuador,ECU,Latin America and Caribbean,LCN,2012,enemd,Total,14680001,0.2601311207,0.1801584959,0.1108390242,0.6638447642,0.6290298402,0.5897496766,0.4135433711,0.1762063055,6116239,0.6623493498,0.5208369493,0.1243738979,0.6308278169,0.02942715399,0.9524095058,0.04759052023,0.8802757263,0.1197242811,0.5743989348,0.3903433383,0.03525771946,0.6834437847,0.3165562451,0.7694864273,0.03838982061,0.3165562451,0.09723554552,0.2470269203,0.1880856305,0.564887464,0.8148685694,0.6906789541,0.005363839678,0.1117882952,0.004615872167,0.06631762534,0.2572665513,0.06542648375,0.06571128964,0.04017395154,0.1363091767,0.003999955952,0.09086608887,0.04497247934,0.09915537387,0.06918369234,0.1850820184,0.1394807398,0.06545651704,0.2959908247,0.005812302232,40,0.1843172163,0.2003806233,2.087500095,1.901124477,3.863363504,374.9999695,342.2024231,694.0172729,287.5215759,371.25,409.0908813,1.048142791,2.1968925,0.05330592394,0.111463964,0.5769013762,0.2583287656 +Ecuador,ECU,Latin America and Caribbean,LCN,2014,enemd,Lower education,6442940,0.3412128687,0.05623115972,0.1390565485,0.5715849996,0.5197305679,0.3899313211,0.3060343266,0.08389699459,2452509,0.7323998213,0.5504408479,0.3361027241,0.7165272236,0.06322733313,0.97832793,0.02167209238,0.9463372827,0.05366269499,0.5017329454,0.473302871,0.02496417798,0.8224129081,0.1775870919,0.5666223764,0.001401624992,0.1775870919,0.01470518392,0.4453910291,0.4349853694,0.1196235865,0.5487365723,0.4790872335,0.04994492605,0.06976356357,0.1180022955,0.1972745955,0.07094995677,0.002065683715,0.001932005864,0.0008110992494,0.0438648425,0.0198691804,0.00002542361653,0.002774925204,0.008595266379,0.120397076,0.2390507609,0.1671210974,0.07032505423,0.3716415763,0.0001996378996,39,0.2785241008,0.2012684196,2.129789352,1.822803497,3.941628695,382.5,328.1046143,707.8977051,348.75,400.5,391.5,1.002639294,1.983898997,0.08840937167,0.238470003,0.6731206179,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2014,enemd,Male,7998825,0.3254004121,0.1852055788,0.06501992792,0.6720935702,0.6095796824,0.3899313211,0.3060343266,0.08389699459,4029311,0.826369226,,0.0612510778,0.7993183136,0.04533622786,0.9672653675,0.03273462877,0.924697876,0.07530210167,0.6517143846,0.3090183139,0.03926732764,0.6437031627,0.3562968671,0.71428895,0.01126182918,0.3562968671,0.09232919663,0.2696122229,0.5053506494,0.2250371575,,0.6841866374,0.03882490844,0.1009051502,0.1269813329,0.2386392355,0.0464688614,0.01683054678,0.02159799077,0.002786104102,0.1373536587,0.04173933715,0.04765286297,0.04498570412,0.04439237714,0.07556471229,0.1369154602,0.1951481551,0.1339757591,0.2707118392,0.008913788013,39,0.1606534868,0.2369589806,2.4375,2.086161137,4.51111269,433.125,375.5089722,801.5900269,369.6705933,421.875,569.2927246,,1.983898997,0.0300873518,0.09788824618,0.5874665976,0.2845578194 +Ecuador,ECU,Latin America and Caribbean,LCN,2014,enemd,Total,16147524,0.3089919686,0.1811971366,0.06759928167,0.6782877445,0.6234087646,0.6040839842,0.4956490607,0.1084349235,6786385,0.6741548318,0.5311680436,0.1612517238,0.6463899918,0.04644907266,0.9588153362,0.0411846675,0.9000745416,0.09992545098,0.5934578776,0.3762049079,0.03033722751,0.6517356038,0.3482643664,0.7870423198,0.009990948252,0.3482643664,0.0990004465,0.2527980208,0.4691070616,0.2780949175,0.7754323483,0.7004853487,0.05334240943,0.08141542971,0.08139250427,0.2529566884,0.0715713501,0.02030141652,0.02173344605,0.002468265593,0.1620204449,0.05467475951,0.05449475348,0.05868391693,0.05854264647,0.1390497983,0.1226487085,0.1458532661,0.08733014017,0.2733175457,0.005404466297,39,0.2266299278,0.2004217058,2.424242496,2.074814558,4.486577034,431.2823486,373.4666138,798.1798096,369.6705933,409.0908813,562.5,1.002639294,1.983898997,0.03739489242,0.1008666903,0.5898520947,0.2718863189 +Ecuador,ECU,Latin America and Caribbean,LCN,2015,enemd,Female,8305249,0.2938799262,0.1773743331,0.07216255367,0.6833390594,0.6339575052,0.3859587014,0.3076322973,0.07832638919,2894902,0.5498206615,0.5498206615,0.2566731572,0.5149769783,0.04510991275,0.9366272092,0.06337278336,0.8427335024,0.1572665274,0.5053613782,0.4761381745,0.01850047521,0.168410629,0.3369507194,0.9167288542,0.01612833701,0.6667520404,0.1115829796,0.1977919936,0.1051994413,0.6970085502,0.8022080064,0.7395151854,0.001141010318,0.09471873939,0.001780318329,0.007559379563,0.3399533927,0.02285330743,0.05598054081,0.0351437144,0.243077606,0.0745562315,0.07517334819,0.09638786316,0.08156957477,0.2347857207,0.09188579768,0.05803154036,0.01337969303,0.2737846375,0.0004455962917,38,0.3452038765,0.1365493834,2.325581312,1.914369464,4.303983212,418.6046448,344.5864868,774.717041,339.890625,397.6744385,429.0697327,,1.917808175,0.04454376921,0.09857200086,0.5648785233,0.2920057178 +Ecuador,ECU,Latin America and Caribbean,LCN,2015,enemd,Higher education,10081294,0.2719393969,0.2600821853,0.02396567352,0.7573111057,0.7040949464,0.3859587014,0.3076322973,0.07832638919,4670439,0.6579762101,0.5432245135,0.1347409338,0.6167289615,0.03911886364,0.9373118877,0.06268811226,0.8709896803,0.1290103495,0.636406064,0.3282942474,0.03529969603,0.1925186962,0.4438873529,0.8863156438,0.02246759459,0.6974908113,0.1479791254,0.135020569,0.1947198659,0.6702595949,0.9006215334,0.7557291985,0.007289649919,0.1188534275,0.006967199966,0.06160958484,0.2773159146,0.08235286921,0.07462708652,0.06802627444,0.1679374427,0.07529706508,0.09422159195,0.1027945876,0.08741250634,0.1509117633,0.05708253384,0.1180646941,0.08931924403,0.2149089575,0.009987049736,38,0.2132980675,0.1960840672,2.459302425,2.024446011,4.55146265,442.6744385,364.4002991,819.2633057,361.0736084,421.252533,477.2093201,1.007500052,1.917808175,0,0,0.502846837,0.497153163 +Ecuador,ECU,Latin America and Caribbean,LCN,2015,enemd,Lower education,6323106,0.358029753,0.05454392359,0.1398485154,0.5565389991,0.5021217465,0.3859587014,0.3076322973,0.07832638919,2382702,0.7504646778,0.564571619,0.3213893175,0.731752336,0.06022147089,0.9750657082,0.02493429743,0.9354714155,0.06452857703,0.4931831658,0.4830066562,0.02381018922,0.3319041729,0.161278978,0.5374242663,0.0049057086,0.3270163834,0.01227956358,0.4266099632,0.2026129663,0.3707770705,0.6008005738,0.445497185,0.007476069499,0.08598064631,0.002377351047,0.1067788973,0.2082524002,0.0576049462,0.0237141531,0.007678839844,0.07352674007,0.01801241376,0.0004399676691,0.004202078562,0.01043653209,0.1244118363,0.2530791163,0.1450726688,0.07393781096,0.3703925014,0.0000150673859,38,0.2986216545,0.1953917891,2.034883738,1.675073385,3.765985727,366.2790527,301.5132141,677.8773804,343.8796692,402.6517334,366.2790527,1.007500052,1.917808175,0.08797692508,0.2392555624,0.67276752,0 +Ecuador,ECU,Latin America and Caribbean,LCN,2015,enemd,Male,8099151,0.3166523278,0.1844284683,0.06501348317,0.6764202714,0.6183341742,0.3859587014,0.3076322973,0.07832638919,4158239,0.8303222656,,0.05758398026,0.79662925,0.04733619839,0.9594217539,0.04057823494,0.9060288072,0.09397120774,0.6420638561,0.3179098666,0.04002626985,0.2900748253,0.3519890308,0.7139815688,0.01800300367,0.548214972,0.09369082004,0.263626188,0.2607613504,0.4756124616,,0.6741181016,0.01161625423,0.1160536334,0.007822473533,0.1252689958,0.1937009096,0.1085900292,0.05744336173,0.0550519079,0.06082624197,0.0424338989,0.05254500359,0.04972228035,0.04654799774,0.07846006006,0.147586599,0.1746057123,0.1319824904,0.2654511929,0.01066476852,38,0.1733372957,0.2361433357,2.325581312,1.914369464,4.303983212,418.6046448,344.5864868,774.717041,353.1976929,418.6046448,460.4651184,,1.917808175,0.02591628581,0.0934183225,0.5772993565,0.3033660054 +Ecuador,ECU,Latin America and Caribbean,LCN,2015,enemd,Old worker,7306305,0,0,0,0.7087125182,1,0.3859587014,0.3076322973,0.07832638919,5783781,0.7916150689,0.6379684806,,0.7638583183,0.05022342131,0.964936614,0.03506339714,,,0.5722584128,0.3906789124,0.03706265241,0.2105072141,0.3617511988,0.8004310727,0.01890026964,0.6321465969,0.1138007641,0.223686561,0.195369035,0.5809444189,0.8130862713,,0.007678797469,0.1059648618,0.005986609496,0.07573875785,0.2472601831,0.07909915596,0.05709035695,0.0515672192,0.1459274888,0.05019397289,0.07157946378,0.07228602469,0.05682813004,0.1482727826,0.1352953762,0.1324815005,0.09221430868,0.2337624133,0.0070860181,38,0.2203454524,0.2077602148,2.37743926,1.957057834,4.399957657,427.9390869,352.2703857,791.9923706,356.2592773,426.0668335,475.0123901,1.007500052,1.917808175,0.04611951113,0.1183904186,0.5335355997,0.3019544482 +Ecuador,ECU,Latin America and Caribbean,LCN,2015,enemd,Rural,5250669,0.3406720161,0.1763089597,0.07769257575,0,0.5816354156,0.3859587014,0.3076322973,0.07832638919,2153287,0.7050768137,0.5436410904,0.1616544574,0.6831300259,0.07349699736,0.9688731432,0.03112683073,0.9317196012,0.06828041375,0.4957589209,0.4834771454,0.0207639318,0.2973897755,0.1983691454,0.543720603,0.01145624556,0.4001322687,0.05691854656,0.5858930945,0.1530508399,0.2610560656,0.428219825,0.3690242767,0.008507368155,0.07626847923,0.002799862996,0.06547512859,0.1149430573,0.03836038336,0.01667936891,0.02669276483,0.06438048929,0.02182922512,0.01860729232,0.02704082057,0.02288065664,0.07624279708,0.3178632259,0.08957901597,0.06030197814,0.3613365293,0.004318453837,38,0.3240129948,0.1442321241,2.318003178,1.908131361,4.289958477,417.2405396,343.4636536,772.1924438,356.2592773,458.5061646,489.4553223,1.007500052,1.917808175,0.06133470684,0.1479756683,0.6143023968,0.1763872504 +Ecuador,ECU,Latin America and Caribbean,LCN,2015,enemd,Total,16404400,0.3051230907,0.1808570921,0.06863293052,0.6799231172,0.6262440085,0.5968217119,0.4872271616,0.1095945503,7053141,0.6865602125,0.5498206615,0.1564382017,0.6522774536,0.04643536359,0.9500659108,0.04993406311,0.8823084235,0.1176915914,0.5867491364,0.3819347024,0.03131616116,0.4104737934,0.5895262066,0.7846408486,0.01734966598,0.5895262361,0.1009306312,0.236843735,0.1974761337,0.5656801462,0.8022080064,0.697640121,0.00735474797,0.107374236,0.005364422221,0.07738272846,0.2531988919,0.07371088117,0.05684826151,0.04695291817,0.1349691749,0.05543334037,0.06170236692,0.06860716641,0.06072072312,0.1417227834,0.1250452846,0.127429828,0.08398566395,0.2688236237,0.006529217586,38,0.2428806722,0.1958440542,2.325581312,1.914369464,4.303983212,418.6046448,344.5864868,774.717041,349.0378113,418.6046448,444.7674561,1.007500052,1.917808175,0.03530623764,0.09601625055,0.5710381269,0.2976393998 +Ecuador,ECU,Latin America and Caribbean,LCN,2015,enemd,Urban,11153731,0.2883882523,0.1829981357,0.06436805427,1,0.6472436786,0.3859587014,0.3076322973,0.07832638919,4899854,0.6787270308,0.5523890853,0.154072389,0.6392257214,0.03420101851,0.9418008924,0.05819908157,0.8525479436,0.1474520713,0.6278850436,0.3360282183,0.03608673811,0.2152817696,0.4126032889,0.870639205,0.01945336908,0.6571318507,0.1208281294,0.07674442977,0.2178528011,0.7054027915,0.9602745771,0.9166141748,0.006826072466,0.1216415837,0.006540715229,0.08284442127,0.3166130185,0.0899251774,0.07527262717,0.05624569207,0.167346254,0.07061628252,0.08117349446,0.08738758415,0.07781754434,0.1713078171,0.03792669252,0.1445315182,0.09468637407,0.2270246297,0.007528080139,38,0.2062014192,0.2191773802,2.325581312,1.914369464,4.303983212,418.6046448,344.5864868,774.717041,340.116272,399.4186096,430.9725037,1.007500052,1.917808175,0.02142257988,0.06830094755,0.5479608774,0.362315625 +Ecuador,ECU,Latin America and Caribbean,LCN,2015,enemd,Young worker,2966852,0,1,0,0.6879723072,1,0.3859587014,0.3076322973,0.07832638919,1269360,0.4278474152,0.3229174614,0.1564382017,0.3774933815,0.02755884826,0.8823084235,0.1176915914,0.8823084235,0.1176915914,0.6589586735,0.3383608758,0.00268043601,0.3920240402,0.2669346631,0.7163081169,0.0106393937,0.4050855637,0.03679661825,0.302359879,0.2079684734,0.4896716475,0.7395151854,0.697640121,0.005741142202,0.1143922061,0.002266240306,0.08556888998,0.2827706933,0.04687996209,0.05564275756,0.02397600748,0.08040222526,0.08153712004,0.01249230932,0.0502782166,0.08011455834,0.1090891361,0.07397690415,0.1022611856,0.04298857972,0.4435068965,0.003755104728,38,0.3551774323,0.1364638358,2.034883738,1.675073385,3.765985727,366.2790527,301.5132141,677.8773804,334.883728,370.70224,371.5115967,1.007500052,1.917808175,0.008817449212,0.04120725021,0.6629063487,0.2870689631 +Guatemala,GTM,Latin America and Caribbean,LCN,2000,encov,Female,5818481,0.4250386059,0.1931101978,0.04112568125,0.395159483,0.5338357091,0.4806597531,0.4385639727,0.04209578782,1461805,0.4707556367,0.4707556367,0.4294900894,0.4634508789,0.0877757445,0.9844828844,0.01551711746,0.9868920445,0.0131079331,0.426025033,0.5099678636,0.06400708109,0.7944121361,0.1590136141,0.4193669558,0.1670553684,0.1670553684,0.05702643842,0.1823575944,0.2011809945,0.6164613962,0.8176423907,0.835662663,0,0.1963413656,0.001461479231,0.003378150752,0.3393641114,0.006594378036,0.02599320561,0.1589072049,0.08560251445,0.02467643656,0.06291476637,0.0281324517,0.04072497785,0.2802572846,0.0430008918,0.1848768294,0.0240099486,0.3111442626,0.0001414408907,46,0.4162753522,0.3320851922,4.904513836,9.457455635,1.303799629,882.8125,1702.342041,234.6839294,517.5388184,787.5,1019.999939,,3.470635891,0.3960988522,0.2941855788,0.2430724502,0.06664309651 +Guatemala,GTM,Latin America and Caribbean,LCN,2000,encov,Higher education,4188948,0.6262966394,0.1728488803,0.008465132676,0.5056667924,0.3652382493,0.4806597531,0.4385639727,0.04209578782,1060051,0.6936507821,0.5634169579,0.09929040074,0.6759759784,0.03475567326,0.9745191336,0.02548084967,0.9664981365,0.03350185603,0.6679238081,0.2546251714,0.07745102048,0.6011499763,0.380569011,0.5281970501,0.387655735,0.387655735,0.1387013048,0.1005009934,0.2118425369,0.6876564622,0.9589573145,0.8605065942,0.001261948957,0.165885672,0.006455242634,0.03823967278,0.2805688083,0.03739481792,0.08404909819,0.2660093307,0.0196344126,0.0497597307,0.1810785383,0.07942075282,0.0943492502,0.2082733065,0.03767586127,0.1583835632,0.04391134903,0.1436141729,0.003205548041,46,0.260736078,0.4089135528,9.091435432,17.53116608,2.416836977,1619.704834,3155.609863,430.5769348,818.1817627,1255,1898.4375,1.00803566,3.470635891,0,0,0.6845470071,0.3154529631 +Guatemala,GTM,Latin America and Caribbean,LCN,2000,encov,Lower education,7196493,0.3357204795,0.1972817928,0.06009593979,0.316771239,0.6041836143,0.4806597531,0.4385639727,0.04209578782,2925534,0.6731132865,0.4419392347,0.3225753307,0.6660803556,0.06208879128,0.9895516634,0.01044834871,0.9879506826,0.01204933692,0.457396239,0.4591606855,0.08344309032,0.7550348639,0.1195170805,0.2409434915,0.1368094385,0.1368094385,0.0221491307,0.4677798152,0.1990838796,0.3331363201,0.7626837492,0.5285561681,0.001787379617,0.1300725639,0.001901445561,0.06532248855,0.1889257878,0.01946518943,0.005826698616,0.07857833803,0.04034030437,0.01056944299,0.004376814235,0.009352098219,0.006108540576,0.1496486962,0.2248767763,0.1889545321,0.03920063376,0.3665388227,0.0003736476356,46,0.2502847314,0.4410546422,4.017857075,7.747700214,1.068093777,720,1394.58606,191.4024048,603.7953491,825.000061,816.4772949,1.00803566,3.470635891,0.4077133834,0.4012501836,0.191036433,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2000,encov,Male,5566960,0.4610155225,0.1832569242,0.04107286409,0.3769788146,0.4979116023,0.4806597531,0.4385639727,0.04209578782,2523780,0.9113547206,,0.0463857688,0.8987538815,0.03589117154,0.9861735106,0.01382648293,0.9782447219,0.02175527066,0.5629175305,0.3448881805,0.09219429642,0.668394506,0.2050319761,0.3540196717,0.2347443998,0.2347443998,0.05035869405,0.4806829095,0.2031625807,0.3161545098,,0.5100243688,0.002604370005,0.1065574437,0.004045384936,0.0899553895,0.1398343891,0.03435619548,0.02660062909,0.1098217592,0.005541529506,0.01891766675,0.04488604143,0.02792423218,0.02329034358,0.1001514271,0.2498066127,0.1785215586,0.04976254329,0.3049858809,0.001685344381,46,0.1505639255,0.4947343171,4.871893406,9.394553185,1.295127869,872.833252,1691.019653,232.0310822,622.9633789,940.9796753,1242.09314,,3.470635891,0.2469833791,0.3536601067,0.3416723609,0.05768413842 +Guatemala,GTM,Latin America and Caribbean,LCN,2000,encov,Old worker,3734175,0,0,0,0.4374047816,1,0.4806597531,0.4385639727,0.04209578782,2680193,0.7182313204,0.4988520145,,0.7093160152,0.0347818844,0.9875870943,0.01241291221,,,0.4724532962,0.4157898128,0.111756891,0.6653572321,0.1974737495,0.4358447194,0.2290318757,0.2290318757,0.05945013836,0.3713297844,0.1882992387,0.4403709769,0.8089897037,,0.001187463873,0.1273770481,0.003624033881,0.05611069128,0.215855211,0.0257933028,0.02746180445,0.1396695822,0.0315910764,0.02695886418,0.06083196402,0.02963992581,0.02727768011,0.1702792197,0.209971875,0.171803996,0.03794725239,0.2642792761,0.0008798257913,46,0.2568897903,0.4349329174,5.63063097,10.85763931,1.496828198,1005.000061,1954.375122,267.165863,616.1176758,1039.6875,1364.5,1.00803566,3.470635891,0.4130348265,0.311424166,0.2049033344,0.07063766569 +Guatemala,GTM,Latin America and Caribbean,LCN,2000,encov,Rural,6987587,0.4784568548,0.1838971078,0.03699445724,0,0.4845486581,0.4806597531,0.4385639727,0.04209578782,2212516,0.6538861394,0.3879357874,0.3093498349,0.6499294639,0.07385017723,0.9939489961,0.006051029544,0.9900637269,0.009936301038,0.4288954437,0.485999912,0.0851046443,0.7384317517,0.1100795418,0.2795187831,0.1297325492,0.1297325492,0.02290089615,0.5734322071,0.1691111177,0.2574566901,0.6690072417,0.4512587786,0.002725880826,0.1056421027,0.001986720599,0.05875640735,0.1491374075,0.01757462695,0.008118472993,0.05731996149,0.02530622296,0.01045007166,0.01455698069,0.009550003335,0.009170953184,0.113754712,0.2698604167,0.1732812375,0.02912880853,0.3695499599,0.0006968569942,46,0.2741516531,0.4046224952,4.107450962,7.920465469,1.091911077,736.0552368,1425.683716,195.6704712,622.9633789,862.5646973,895.7401733,1.00803566,3.470635891,0.4175216854,0.3735756576,0.1920450926,0.01685756817 +Guatemala,GTM,Latin America and Caribbean,LCN,2000,encov,Total,11385441,0.4426296651,0.188292399,0.04109985754,0.3862699866,0.5162704736,0.9369691807,0.857360023,0.07960915768,3985585,0.6780550126,0.4707556367,0.2471710443,0.6682594525,0.05490035936,0.9855534434,0.01444656216,0.9813780189,0.01862199232,0.5127636194,0.4053691924,0.08186721802,0.7915536731,0.2084462939,0.3739255965,0.2085523456,0.2085523456,0.05280158669,0.3712855279,0.2024359256,0.4262785316,0.8176423907,0.6288059354,0.001649334445,0.1394816637,0.003097853856,0.05820708349,0.2130029351,0.02417579852,0.02637788281,0.1278216392,0.03490029275,0.02099916711,0.05140250549,0.02799949236,0.02959207259,0.1652504802,0.1750569195,0.180818662,0.04045429826,0.3072118163,0.001127302297,46,0.2532735765,0.4318629503,4.890046597,9.4295578,1.299953699,875,1697.320435,232.6070862,613.125,910.4849854,1150,1.00803566,3.470635891,0.3269488811,0.3217659891,0.2887966335,0.06248851866 +Guatemala,GTM,Latin America and Caribbean,LCN,2000,encov,Urban,4397854,0.385705173,0.1952759176,0.0476227738,1,0.5666720867,0.4806597531,0.4385639727,0.04209578782,1773069,0.7118323445,0.5774546266,0.1541490108,0.6940914392,0.03079625592,0.9750770926,0.02492288873,0.9685381055,0.03146192059,0.6194435954,0.3028071821,0.07774922252,0.684204638,0.2875053585,0.4260084331,0.2960995138,0.2960995138,0.09083516151,0.1141026318,0.2448337227,0.6410636306,0.949090302,0.8973264694,0.0002796888584,0.1825343221,0.004511503037,0.05750819668,0.2942564189,0.03257419541,0.04960858077,0.2175180167,0.04710643739,0.03423730284,0.09764021635,0.05115188658,0.05521867797,0.2298728824,0.05608734488,0.1902774274,0.05466673523,0.2289832532,0.001667471137,46,0.2300648838,0.4621442854,6.090856552,11.74509907,1.61917305,1089.84375,2114.117676,289.7204285,562.5,954.5454712,1318.800049,1.00803566,3.470635891,0.1857048124,0.2409712225,0.4396761358,0.1336478442 +Guatemala,GTM,Latin America and Caribbean,LCN,2000,encov,Young worker,2143792,0,1,0,0.4005962312,1,0.4806597531,0.4385639727,0.04209578782,1305392,0.6091889143,0.42116642,0.2471710443,0.5978446603,0.09646838158,0.9813780189,0.01862199232,0.9813780189,0.01862199232,0.5960511565,0.3838385046,0.02011032775,0.8162336349,0.1689531505,0.2694727778,0.1714935154,0.1714935154,0.03906460479,0.3711940646,0.2316467017,0.3971592188,0.835662663,0.6288059354,0.002603702713,0.164493531,0.002010602271,0.06253887713,0.2071092278,0.02083352953,0.0241381675,0.1033401191,0.04173816741,0.008867758326,0.03220812976,0.02466026694,0.03430319205,0.1550141126,0.1039849296,0.1991687119,0.04555757716,0.3946042657,0.001631059218,46,0.2467286438,0.4263066649,4.253471851,8.202039719,1.130728841,763.888916,1476.367188,203.0696869,603.7953491,781.25,882.8125,1.00803566,3.470635891,0.1801932752,0.3393962681,0.4318142533,0.04859620705 +Guatemala,GTM,Latin America and Caribbean,LCN,2002,enei,Female,4728556,0.2676188946,0.2640985847,0.05314645916,0.3928433955,0.6792346239,0.4506232738,0.4021795988,0.04844368249,1521944,0.4738602936,0.4738602936,0.4137051105,0.4640321434,0.1215490326,0.9792594314,0.02074057981,0.967608273,0.03239174932,0.3786422014,0.5909426808,0.03041510284,0.8350310922,0.1649688929,0.3943277001,0.166474551,0.1649688929,0.05285035074,0.1688652188,0.2533296943,0.5778051019,0.8311347961,0.8224947453,0,0.2481766343,0.001054094988,0.004098960198,0.3035672903,0.005613340996,0.02540227957,0.1783211976,0.06490098685,0.02638592385,0.08677999675,0.02444279194,0.04952971637,0.284711659,0.04597692564,0.2242424339,0.01668167487,0.241248861,0,44,0.4652115107,0.2781925201,6.888537407,11.45001411,,1239.936768,2061.002441,,646.9235229,1063.636353,1411.469482,,2.599999905,0.3425094187,0.2970831692,0.2534999847,0.1069074497 +Guatemala,GTM,Latin America and Caribbean,LCN,2002,enei,Higher education,4817675,0.6409450769,0.1828284413,0.005421909969,0.4781835675,0.3536330163,0.4506232738,0.4021795988,0.04844368249,1152549,0.6765019894,0.5473556519,0.1171662807,0.6530563831,0.1230220944,0.9653428793,0.03465709463,0.9616006613,0.03839931637,0.6641611457,0.2717918754,0.0640469864,0.6026469469,0.3973530531,0.5402199626,0.3961945176,0.3973530531,0.1335244775,0.0877616033,0.1760193408,0.7362190485,0.9880485535,0.8493267894,0,0.1409979314,0.003686842974,0.03133457154,0.3234085739,0.03642622381,0.07862538844,0.2768574655,0.02090139873,0.0723644048,0.2066807151,0.06222064421,0.1202753931,0.2073781788,0.02471497096,0.1467277259,0.05704000965,0.100738354,0.001859599724,44,0.3022573292,0.2872250378,10.22727299,16.99960518,,1840.909058,3059.928955,,834.7400513,1350,2045.454468,1.120000005,2.599999905,0,0,0.5459291935,0.4540708363 +Guatemala,GTM,Latin America and Caribbean,LCN,2002,enei,Lower education,7142339,0.3152178824,0.2133760452,0.05819718167,0.3008852005,0.6265849471,0.4506232738,0.4021795988,0.04844368249,3029654,0.6769750118,0.4483728409,0.3128436804,0.6670004129,0.2134401351,0.9852659702,0.01473402604,0.9741265178,0.02587349527,0.3825615644,0.5639160872,0.05352234468,0.8829872012,0.1170128137,0.1984006315,0.1204677373,0.1170128137,0.01258653682,0.4595400691,0.2293449044,0.3111150265,0.7656456828,0.5043700933,0.001947058947,0.1710560918,0.001602001954,0.05473975837,0.1874637157,0.02337140776,0.008850877173,0.05915146321,0.032277558,0.01155371033,0.004031135701,0.006292765494,0.006944353692,0.1660051942,0.2032214254,0.209571138,0.03710969537,0.3552072644,0.00006331626355,44,0.2849040926,0.3106048107,4.90093565,8.146255493,,882.168457,1466.325928,,646.9235229,1053.897217,970.3852539,1.120000005,2.599999905,0.373573333,0.406619072,0.219807595,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2002,enei,Male,4418525,0.2853608429,0.2616273463,0.04310918227,0.3835184872,0.6715300083,0.4506232738,0.4021795988,0.04844368249,2660259,0.896563828,,0.05479118973,0.8786959648,0.2273831815,0.9800707102,0.01992926188,0.9714928269,0.02850719914,0.504970789,0.4238068461,0.07122238725,0.7907689214,0.2092310637,0.3062720895,0.2118315101,0.2092310637,0.04117914662,0.4670471847,0.1928785294,0.3400743008,,0.4988196492,0.00222917553,0.1141447574,0.002804879565,0.0736997202,0.1791080385,0.03909341618,0.02916491777,0.08393351734,0.008774406277,0.02902530693,0.04320734367,0.01978412457,0.03096375428,0.1158043668,0.2169319093,0.1743670106,0.05729195848,0.3117581606,0.0008660492604,44,0.1892402023,0.3191556334,5.941134453,9.875256538,,1069.404175,1777.546143,,646.9235229,1125,1462.5,,2.599999905,0.2220763713,0.3256171644,0.3447774947,0.1075289473 +Guatemala,GTM,Latin America and Caribbean,LCN,2002,enei,Old worker,3774159,0,0,0,0.4109087586,1,0.4506232738,0.4021795988,0.04844368249,2742055,0.7265340686,0.5132425427,,0.7155302763,0.2152577788,0.9848544002,0.0151455747,,,0.429251343,0.4894200265,0.08132863045,0.7958123088,0.2041877061,0.3744586706,0.2041706741,0.2041877061,0.05305412784,0.3444896936,0.2099188119,0.4455915093,0.8354678154,,0.002152174013,0.154589206,0.002774645574,0.05040279031,0.2348269373,0.02878810652,0.02873626351,0.1280106604,0.02522953786,0.03946010396,0.06285925955,0.02314809151,0.0322207734,0.1893279999,0.2065731734,0.187266916,0.04724895954,0.2111285776,0.0007661473355,44,0.2794171572,0.3150372505,6.818181992,11.33307076,,1227.272705,2039.952637,,690.0517578,1259.34436,1706.258545,1.120000005,2.599999905,0.3746107817,0.3068985045,0.2224378735,0.0960528478 +Guatemala,GTM,Latin America and Caribbean,LCN,2002,enei,Rural,7507257,0.4761793911,0.1909881383,0.03667584434,0,0.4871447682,0.4506232738,0.4021795988,0.04844368249,2428129,0.6639454961,0.4134858847,0.2864464223,0.6551117897,0.242749989,0.9866951108,0.01330489479,0.9771720171,0.02282797173,0.3550988436,0.5912966132,0.05360454321,0.8996319771,0.1003680155,0.2077674568,0.1040285528,0.1003680155,0.02191272005,0.5573675632,0.1831287146,0.2595037222,0.6889488697,0.4396476746,0.002127035288,0.1357621104,0.0006381940329,0.04460137337,0.1416744888,0.01885740273,0.009478162974,0.06949929148,0.01999438182,0.0091350656,0.02535871789,0.004180192016,0.009443518706,0.1275215298,0.2351797223,0.1689185649,0.03213509545,0.3881275952,0,44,0.3198333085,0.2689217925,4.792026043,7.965227604,,862.5646973,1433.740967,,646.9235229,1035.077637,1202.614258,1.120000005,2.599999905,0.3709606826,0.3677970767,0.2193318009,0.04191042483 +Guatemala,GTM,Latin America and Caribbean,LCN,2002,enei,Total,11960014,0.446425736,0.201071009,0.03693850338,0.3723036647,0.5166357607,0.9355996548,0.8641015004,0.0714981544,4182203,0.6768445825,0.4738602936,0.2411731184,0.6631557314,0.1888893992,0.9797754884,0.0202245079,0.9701051712,0.0298948437,0.4590227902,0.4845971465,0.05638004467,0.8068678975,0.1931321174,0.3326910734,0.19533436,0.1931321174,0.04542417452,0.3585930467,0.2148656994,0.4265412688,0.8311347961,0.6141457558,0.001418384374,0.1628945619,0.002168087754,0.04838467389,0.2243760973,0.02691611275,0.02779638022,0.1182640195,0.02918865159,0.02806531638,0.05905549973,0.02147856541,0.03771652654,0.1772389859,0.1547525078,0.1925075948,0.04252126813,0.2861126661,0.0005510515766,44,0.2896159291,0.304256618,6.18131876,10.27448654,,1112.637329,1849.407593,,646.9235229,1125,1440,1.120000005,2.599999905,0.2853758335,0.3106197417,0.2968021333,0.1072022915 +Guatemala,GTM,Latin America and Caribbean,LCN,2002,enei,Urban,4452757,0.396261692,0.218070507,0.03738133609,1,0.566356957,0.4506232738,0.4021795988,0.04844368249,1754074,0.6955505013,0.5591260791,0.1743227392,0.6748208404,0.1130634248,0.9701967835,0.02980319038,0.9585151076,0.04148487747,0.6053289771,0.3343836069,0.06028744951,0.6762728095,0.3237272203,0.4358601272,0.3238764703,0.3237272203,0.0785240531,0.0787544027,0.2595456541,0.6616999507,0.9811920524,0.9059020281,0.0004207317252,0.2010921389,0.004321902059,0.05371087044,0.3408050537,0.03826132044,0.05358512327,0.186915949,0.04213252291,0.054715693,0.1064944863,0.04583155364,0.07751981914,0.2472321838,0.04152551666,0.2257166952,0.05714312568,0.1424940825,0.001326832804,44,0.2470753044,0.3540016711,7.604166508,12.6395216,,1368.75,2275.114014,,666.666687,1168.831177,1625,1.120000005,2.599999905,0.1464985609,0.217838943,0.4225120842,0.2131503969 +Guatemala,GTM,Latin America and Caribbean,LCN,2002,enei,Young worker,2404812,0,1,0,0.4037800133,1,0.4506232738,0.4021795988,0.04844368249,1440148,0.5988609791,0.4119554162,0.2411731184,0.5809580684,0.137920469,0.9701051712,0.0298948437,0.9701051712,0.0298948437,0.5165697336,0.4752747715,0.008155493997,0.8282378912,0.1717621237,0.2656031549,0.1782541573,0.1717621237,0.03067579493,0.3858542144,0.2244278342,0.3897179365,0.8224947453,0.6141457558,0,0.178948462,0.0009956373833,0.04448373243,0.2041750848,0.02329762839,0.02597962134,0.09942416102,0.03684144467,0.006039675325,0.05170299858,0.01825144328,0.04833959043,0.1538714319,0.05458540842,0.2026376128,0.03338284045,0.4310537279,0.0001352807012,44,0.3093297184,0.2834180892,5.416666508,9.003495216,,975,1620.62915,,646.9235229,1015.909058,1200,1.120000005,2.599999905,0.1484524757,0.316329658,0.4109077156,0.1243101433 +Guatemala,GTM,Latin America and Caribbean,LCN,2003,enei,Female,4775953,0.2673491538,0.2643185556,0.05283866823,0.4085023403,0.6798121929,0.4507402182,0.3988126516,0.05192755535,1608903,0.4955424666,0.4955424666,0.3818586171,0.4866258502,0.1075918078,0.982006371,0.01799362712,0.9689387083,0.03106128424,0.4041025341,0.5657883286,0.03010912426,0.8386090994,0.1613908708,0.3740749359,0.1595863998,0.1613908708,0.05270789564,0.1572186053,0.238449499,0.6043319106,0.8427814245,0.8321756721,0,0.2365576625,0.0002259560861,0.001665872289,0.3279635608,0.005252054892,0.02169051953,0.156829983,0.09259579331,0.0185644757,0.08305563778,0.02372792177,0.0391163528,0.2990006804,0.03094902262,0.2013034523,0.01836890168,0.2859135568,0,44,0.448423475,0.2976544201,6.666666508,10.49323845,1.772244453,1200,1888.782959,319.0039978,646.9235229,1071.428589,1350,,2.478532791,0.3115621805,0.2934136093,0.2786144316,0.1164097786 +Guatemala,GTM,Latin America and Caribbean,LCN,2003,enei,Higher education,4833347,0.6058366895,0.1963345557,0.007069841959,0.5009034276,0.3870934546,0.4507402182,0.3988126516,0.05192755535,1268665,0.6780834794,0.5494044423,0.117235519,0.6503035426,0.1145279408,0.9590317607,0.04096826166,0.935097158,0.0649028644,0.6464407444,0.2885089815,0.06505025923,0.6032284498,0.39677158,0.5954244137,0.4000616372,0.39677158,0.1649919003,0.07743961364,0.1961987019,0.726361692,0.9714545012,0.8744914532,0.0006057418068,0.1520214677,0.002178862225,0.04139263183,0.3120844364,0.03646203876,0.06987646967,0.2915434539,0.01639530249,0.05582441017,0.2050382644,0.06612859666,0.1059300229,0.229362458,0.02161355875,0.1471607387,0.05624686554,0.1071883589,0.005506743677,44,0.2813387215,0.3209601343,11.29549026,17.7789402,3.002755642,2033.188232,3200.209229,540.4959717,2352.449219,1509.488281,2250,1.001697779,2.478532791,0,0,0.543317616,0.456682384 +Guatemala,GTM,Latin America and Caribbean,LCN,2003,enei,Lower education,7136289,0.325989753,0.2089562267,0.05763079226,0.3057656586,0.6163794398,0.4507402182,0.3988126516,0.05192755535,3058139,0.695243001,0.4748100042,0.2794493139,0.6882704496,0.1604386419,0.9899710417,0.01002897508,0.9837905765,0.01620945334,0.4209073782,0.5278597474,0.05123289302,0.8910987973,0.1089011952,0.1920356899,0.11132963,0.1089011952,0.009877888486,0.4307079613,0.2551296055,0.3141624331,0.7874211073,0.5390885472,0.001871860586,0.1805977225,0.003942567389,0.0687174648,0.1918378025,0.01845832355,0.008645836264,0.04834665358,0.04687380791,0.00849389378,0.00514125824,0.01150829252,0.005592460278,0.1669103801,0.1781309694,0.1947626919,0.04986475408,0.3794387281,0.0001565664279,44,0.2781547904,0.3498238921,5.134313583,8.081336021,1.364888787,924.1764526,1454.640503,245.6799927,690.0517578,1129.175659,1035.077637,1.001697779,2.478532791,0.3502224088,0.4089168608,0.2408607453,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2003,enei,Male,4489851,0.2837281227,0.26231426,0.04300498962,0.3917190135,0.6732668877,0.4507402182,0.3988126516,0.05192755535,2717901,0.8991133571,,0.0389810428,0.8813503981,0.1708118618,0.9802439213,0.01975605451,0.9666095376,0.03339048475,0.5338697433,0.3960602283,0.07007003576,0.7907620668,0.2092379481,0.3333853483,0.21457012,0.2092379481,0.05531591922,0.4315645993,0.2381088436,0.3303265572,,0.5401192904,0.002403717954,0.1343616098,0.005341178738,0.09600233287,0.1660254449,0.03451197222,0.02887276746,0.09507597983,0.005840389058,0.02413664758,0.05022472143,0.02920570038,0.03153397143,0.1170975491,0.1939358264,0.1691449583,0.07145731151,0.3105705678,0.002692734823,44,0.1786344647,0.3675804436,6.818181992,10.73172092,1.812522769,1227.272705,1931.709717,326.2540894,727.7889404,1339.5,1687.5,,2.478532791,0.1999836415,0.3109961152,0.3658002019,0.1232200339 +Guatemala,GTM,Latin America and Caribbean,LCN,2003,enei,Old worker,3829494,0,0,0,0.4329415262,1,0.4507402182,0.3988126516,0.05192755535,2809558,0.7336629629,0.5293965936,,0.7249714732,0.1722520888,0.9881532788,0.01184670348,,,0.4456170499,0.4783681333,0.07601483166,0.7985746264,0.2014253587,0.406301558,0.2036881149,0.2014253587,0.06548993289,0.3173807859,0.2350924313,0.4475267828,0.8483045101,,0.0003493891563,0.1674330384,0.005000947509,0.0623090528,0.2304783314,0.02429875359,0.02783046663,0.1318306476,0.03308859468,0.02688135207,0.06910160929,0.03010797873,0.03352010623,0.1848625243,0.1802970469,0.183342129,0.05463761836,0.2349407822,0.002308849944,44,0.281527698,0.3408323526,7.5,11.80489254,1.99377501,1350,2124.880615,358.8795166,766.7241821,1200,1840.909058,1.001697779,2.478532791,0.3430867791,0.3015266955,0.2410741895,0.1143123433 +Guatemala,GTM,Latin America and Caribbean,LCN,2003,enei,Rural,7366564,0.4759376347,0.1942976415,0.03498048708,0,0.4890818894,0.4507402182,0.3988126516,0.05192755535,2472891,0.686370194,0.4400735497,0.2589837611,0.6809617281,0.173042357,0.9921201468,0.007879845798,0.9873746634,0.01262531895,0.4141207933,0.5451134443,0.04076579213,0.8862788677,0.1137211323,0.2321246117,0.116212368,0.1137211323,0.03556322679,0.5098460913,0.2051695436,0.2849843502,0.7187933922,0.4907650054,0.002119503217,0.1459864974,0.003944721539,0.05311882868,0.1524147093,0.01481777336,0.01175549906,0.072776407,0.03321995214,0.009007888846,0.03254945576,0.01175875962,0.006918140221,0.1440324783,0.209221065,0.1462718099,0.04695311189,0.3919650316,0.001322243945,44,0.3040623069,0.3183530569,5.438949585,8.560829163,1.445872307,979.0109253,1540.949219,260.257019,690.0517578,1129.175659,1355.458862,1.001697779,2.478532791,0.3405667543,0.3694527745,0.2450117767,0.044968687 +Guatemala,GTM,Latin America and Caribbean,LCN,2003,enei,Total,11969636,0.4389921427,0.2038595825,0.03721424937,0.384562403,0.5237936229,0.9091488924,0.8381013505,0.07104754191,4326804,0.6901223179,0.4955424666,0.2163651437,0.6769404809,0.147277236,0.9808992743,0.0191007033,0.967466712,0.032533288,0.4855619073,0.4592441022,0.05519397184,0.808573842,0.1914261431,0.3459915221,0.1941015869,0.1914261431,0.05434504151,0.3294351101,0.2382356524,0.4323292375,0.8427814245,0.6477659941,0.001508897287,0.1724056453,0.003436958883,0.06088414788,0.2263093889,0.02361951955,0.02619906515,0.1180648506,0.03813641146,0.02206232212,0.06244653091,0.02716651373,0.03435663134,0.1848137677,0.1332615018,0.1811164469,0.051694341,0.3013916314,0.001690323115,44,0.2790675461,0.3415493965,6.708836555,10.55961323,1.783454776,1207.590576,1900.730347,321.0218506,693.1323242,1227.272705,1509.488281,1.001697779,2.478532791,0.258464247,0.3017807603,0.3201043308,0.1196506396 +Guatemala,GTM,Latin America and Caribbean,LCN,2003,enei,Urban,4603072,0.3798660934,0.2191621214,0.04078906402,1,0.5793448091,0.4507402182,0.3988126516,0.05192755535,1853913,0.6951915026,0.5664461851,0.1558981389,0.6715077162,0.1119779721,0.9659320712,0.03406793997,0.935318172,0.06468185782,0.5834391713,0.341599673,0.0749611631,0.7021148801,0.2978851497,0.4567207396,0.3008129597,0.2978851497,0.08007688075,0.08226478845,0.2835375369,0.6341976523,0.9702218771,0.9154114127,0.0006723424885,0.2086009532,0.002741303295,0.07152294368,0.3275480568,0.03567826748,0.0459873341,0.1801118404,0.044872161,0.03994742036,0.1034067199,0.04827575386,0.07194846123,0.240685761,0.02919384837,0.2288549989,0.05819001421,0.1773024052,0.002194606233,44,0.2448236942,0.3733293414,7.8125,12.29676342,2.076848984,1406.25,2213.41748,373.8328247,767.25,1260,1653.061157,1.001697779,2.478532791,0.1358977109,0.2007567734,0.4322060943,0.2311394066 +Guatemala,GTM,Latin America and Caribbean,LCN,2003,enei,Young worker,2440125,0,1,0,0.4134292305,1,0.4507402182,0.3988126516,0.05192755535,1517246,0.6217902899,0.4423256814,0.2163651437,0.6015613675,0.1000412181,0.967466712,0.032533288,0.967466712,0.032533288,0.5611113906,0.423074007,0.0158145912,0.8274857998,0.1725142002,0.2554031014,0.1759701818,0.1725142002,0.03326623142,0.3522340059,0.244180575,0.403585434,0.8321756721,0.6477659941,0.003701924812,0.1818105578,0.0004789203522,0.05818916485,0.2184244692,0.02233485505,0.0231135264,0.09202900529,0.04768357053,0.01294788066,0.04985949025,0.02160319127,0.03593878448,0.1847215593,0.04430115595,0.1769069135,0.04612759128,0.4270729721,0.0005204767222,44,0.2744145393,0.3429056108,5.909090996,9.300825119,1.570853114,1063.636353,1674.14856,282.75354,646.9235229,1260,1237.5,1.001697779,2.478532791,0.1288909614,0.3021697998,0.4411146343,0.1278245896 +Guatemala,GTM,Latin America and Caribbean,LCN,2004,enei,Female,6428720,0.4083539248,0.1970124692,0.04046342149,0.4592309296,0.5511826873,0.4471294284,0.3999597728,0.04716966674,1534241,0.4373818338,0.4373818338,0.467598021,0.4272717535,0.1040474996,0.9768849611,0.02311501279,0.9549218416,0.04507813975,0.4207657278,0.5532170534,0.02601721324,0.831368506,0.168631494,0.3688589633,0.1740025431,0.1687782705,0.05825816467,0.1353883892,0.2020861059,0.6625255346,0.8646116257,0.8270776868,0.0007926462567,0.1985698938,0.0002995776013,0.002423976315,0.3587138057,0.006760845892,0.02333769388,0.1836003661,0.09011280537,0.01496153232,0.07784747332,0.0407865867,0.04244127125,0.2127367854,0.03220826015,0.1839306355,0.005884130951,0.3892033398,0,43,0.4933355749,0.2303297967,7.083333492,10.3636446,1.883009791,1275,1865.456055,338.9417419,562.5,1079.43811,1530,,2.66435194,0.3384589255,0.288141191,0.2631326914,0.1102671772 +Guatemala,GTM,Latin America and Caribbean,LCN,2004,enei,Higher education,4860830,0.5718052387,0.2043161392,0.007192393299,0.5633663535,0.421002388,0.4471294284,0.3999597728,0.04716966674,1289704,0.6729071736,0.5440244675,0.1095262021,0.6473788619,0.1107460186,0.9620625973,0.03793738782,0.9436811805,0.05631882697,0.6689571738,0.2737117708,0.05733105913,0.6090099812,0.390989989,0.5425577164,0.4086273313,0.3911657035,0.1206100062,0.1083636358,0.1889333725,0.7027029991,0.9877365828,0.8144325614,0.0007318001008,0.1384085417,0.004319071304,0.04547396302,0.3164922595,0.04319635406,0.07053408772,0.2532157302,0.01926455647,0.05436678231,0.1535047442,0.1196751073,0.09695222974,0.1745085269,0.0301577393,0.1575344801,0.04573831335,0.16731143,0.0002506495803,43,0.2823563516,0.252836138,10.69499969,15.64788342,2.843123198,1925.099976,2816.619141,511.7621765,970.3852539,1595.454468,2100,1.006992936,2.66435194,0,0,0.5281807184,0.4718192816 +Guatemala,GTM,Latin America and Caribbean,LCN,2004,enei,Lower education,7635111,0.3210426271,0.1926959604,0.06428616494,0.3865172267,0.6146712303,0.4471294284,0.3999597728,0.04716966674,3018451,0.6431701779,0.4004121721,0.3662247658,0.6335268021,0.2041410655,0.9850065708,0.01499345154,0.9724628329,0.02753715962,0.4232155681,0.534606874,0.04217753559,0.9015344977,0.09846548736,0.1610853374,0.09965074807,0.0984826386,0.01315319445,0.4504909515,0.2132635862,0.3362454772,0.807988584,0.4905792177,0.002418947406,0.14426741,0.0007560892263,0.06582113355,0.2012717575,0.02468355559,0.009011184797,0.05598726496,0.04529169574,0.00543355057,0.005301706027,0.007419630419,0.005464493763,0.1091065705,0.191127792,0.1958260983,0.04095528275,0.4392811358,0.00008374831668,43,0.2863967121,0.2813237309,5.580357075,8.164635658,1.483463526,1004.464233,1469.634399,267.0234375,831.7588501,1193.877563,1125,1.006992936,2.66435194,0.371465832,0.3973238766,0.2312102765,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2004,enei,Male,6067221,0.4294306934,0.1974319071,0.04378693178,0.4511559606,0.5267823339,0.4471294284,0.3999597728,0.04716966674,2773914,0.8942588568,,0.04913152009,0.8753282428,0.2167131454,0.9788309932,0.02116900496,0.9652470946,0.034752924,0.5368657112,0.4051115215,0.05802276358,0.8065894246,0.1934105605,0.2884117067,0.1998034716,0.1934286058,0.03736051172,0.4680827558,0.2083152086,0.3236020505,,0.504576683,0.002545675496,0.1116152704,0.002636276651,0.09151798487,0.1670172215,0.04303671792,0.02921744436,0.07567381114,0.008656843565,0.02253541537,0.03298181668,0.04029916227,0.02686107345,0.08179013431,0.2052914798,0.1848940402,0.06250016391,0.3426404595,0.0002062468557,43,0.1703208536,0.296454072,6.900517464,10.09616566,1.834410548,1242.09314,1817.309814,330.1939087,862.5646973,1350,1676.938843,,2.66435194,0.2073975503,0.306417197,0.3560387492,0.1301465034 +Guatemala,GTM,Latin America and Caribbean,LCN,2004,enei,Old worker,4275103,0,0,0,0.5100265145,1,0.4471294284,0.3999597728,0.04716966674,2973669,0.7090212107,0.4915668964,,0.6986684203,0.2014262229,0.985398531,0.01460149046,,,0.4618430138,0.4775181115,0.06063887477,0.8028430343,0.1971569657,0.3439612985,0.2044945657,0.1972139627,0.05521441996,0.3305985332,0.2042369097,0.465164572,0.8785469532,,0.001619998831,0.1408880204,0.002058186801,0.0596706979,0.2395479083,0.03283304721,0.02644450963,0.1318502277,0.03448887914,0.02380309626,0.05382409319,0.04489584267,0.02808430232,0.1332255453,0.1833096743,0.1805017292,0.04807816818,0.3041720986,0.0001054517925,43,0.2859756947,0.2771665454,7.530326843,11.01764107,2.001837015,1355.458862,1983.175293,360.330658,862.5646973,1341.818237,1770.833374,1.006992936,2.66435194,0.3512714207,0.3012870252,0.2357100993,0.1117314324 +Guatemala,GTM,Latin America and Caribbean,LCN,2004,enei,Rural,6806411,0.462700814,0.1926856935,0.0368614234,0,0.5004377365,0.4471294284,0.3999597728,0.04716966674,2077143,0.6204875708,0.3429560661,0.328243196,0.6109849215,0.2420814782,0.9846852422,0.01531478576,0.9756624103,0.02433756925,0.382560879,0.5814557076,0.03598339856,0.9233444929,0.07665552944,0.1553502828,0.07823375612,0.07665552944,0.02014391869,0.6009992361,0.1548037231,0.2441970259,0.7174411416,0.3629745841,0.002558508888,0.1060556397,0.0004317147541,0.04575785249,0.14112477,0.01611327566,0.007508316543,0.05410270765,0.02534796298,0.004574318416,0.01430672407,0.008802971803,0.004982565064,0.08085533231,0.2482227832,0.1429029554,0.02594493143,0.4692978859,0.0001095176704,43,0.2984781861,0.2375409007,5.391029358,7.887629509,1.433133245,970.3852539,1419.773315,257.9639893,831.7588501,1214.491089,1330.814209,1.006992936,2.66435194,0.3858756125,0.3480039239,0.2330454141,0.0330750607 +Guatemala,GTM,Latin America and Caribbean,LCN,2004,enei,Total,12495941,0.4185874462,0.1972161233,0.04207710177,0.4553102553,0.5393354595,0.8541336192,0.7761170508,0.07801656841,4308155,0.6392391708,0.4373818338,0.2658688128,0.6252641048,0.1766415089,0.97813797,0.0218620263,0.9619591236,0.03804086521,0.4955725968,0.4577880204,0.04663939402,0.8154025674,0.1845974177,0.312705189,0.1906268895,0.1846612543,0.04479315132,0.3497537971,0.2060997039,0.4441464841,0.8646116257,0.6065219641,0.001922177849,0.1425423026,0.001805186039,0.05983003974,0.2351976931,0.03013452888,0.02712620236,0.1140599027,0.03762817383,0.01984162256,0.04893912375,0.04047252238,0.03240245953,0.1283637583,0.1437312067,0.184551388,0.04236361384,0.3592014313,0.0001328913058,43,0.285207063,0.2729357481,6.944444656,10.16043568,1.846088052,1250,1828.878418,332.2958374,841.5181274,1285.714355,1601.905762,1.006992936,2.66435194,0.2773549855,0.2966619134,0.3064477146,0.119535394 +Guatemala,GTM,Latin America and Caribbean,LCN,2004,enei,Urban,5689530,0.3658143878,0.2026358992,0.04831664637,1,0.5858689547,0.4471294284,0.3999597728,0.04716966674,2231012,0.6839189529,0.53410393,0.1951144934,0.6647981405,0.1149223596,0.9720422626,0.02795771696,0.946495831,0.05350418389,0.6021586061,0.3411519229,0.05668949708,0.7135981321,0.2864018679,0.4069910944,0.2966294885,0.2865259349,0.06804086268,0.112793833,0.2544790804,0.6327270865,0.9619371295,0.8898190856,0.001322027878,0.1769543886,0.003100563539,0.07310210168,0.3239217401,0.04335854948,0.04562863708,0.170607999,0.04921014979,0.03424084559,0.08160237223,0.0703413859,0.05826329812,0.1731709093,0.04518089071,0.2238317281,0.05784875154,0.2553648949,0.0001549359586,43,0.2726905048,0.3063180745,8.181818008,11.97084045,2.17502737,1472.727295,2154.751221,391.5049133,843.75,1312.5,1687.5,1.006992936,2.66435194,0.1564406604,0.2394563258,0.388233006,0.215869993 +Guatemala,GTM,Latin America and Caribbean,LCN,2004,enei,Young worker,2464401,0,1,0,0.4678228199,1,0.4471294284,0.3999597728,0.04716966674,1334486,0.5524334908,0.3396502137,0.2658688128,0.5314184427,0.1200673655,0.9619591236,0.03804086521,0.9619591236,0.03804086521,0.5725644231,0.4127516747,0.01468387619,0.844071269,0.1559287459,0.2551560402,0.1589722335,0.1560081989,0.02100534365,0.3934780359,0.2103517801,0.3961701989,0.8270776868,0.6065219641,0.002611938166,0.146318391,0.001227681059,0.06019376591,0.2252677977,0.02397483587,0.02868224494,0.07345131785,0.04479400069,0.01079907548,0.03778858483,0.03037576005,0.04225918278,0.1172661334,0.05338854715,0.1937952191,0.02931945585,0.4848124981,0.0001955253538,43,0.2834525704,0.2632783949,6,8.778615952,1.595020056,1080,1580.150879,287.1036072,776.3082275,1193.877563,1344.155762,1.006992936,2.66435194,0.1511358023,0.2887640595,0.4272387624,0.1328613907 +Guatemala,GTM,Latin America and Caribbean,LCN,2006,encov,Female,6766972,0.3905377388,0.2004864216,0.0465824306,0.4882121682,0.5628798008,0.4714936316,0.4233113527,0.04818225279,1866081,0.4904956818,0.4904956818,0.3939751983,0.4810583889,0.1396444142,0.9807596803,0.01924032159,0.9594544172,0.04054561257,0.4408333302,0.5360716581,0.02309503406,0.8101320267,0.1898679733,0.4405090213,0.1899193376,0.1899193376,0.06820050627,0.1460132003,0.2097409219,0.644245863,0.8539867997,0.8504422903,0.0001223925356,0.2057156265,0.0007097673952,0.003193133743,0.3359418213,0.007658821996,0.02528717183,0.1825550199,0.09280304611,0.04868108407,0.08479452878,0.03886564076,0.04150418192,0.2542431653,0.03475510702,0.1757442057,0.01715626381,0.3042558134,0,42,0.4822839499,0.2419596612,8.625646591,10.85449505,,1552.616455,1953.809082,,909.8771973,1235,1791.631348,,2.283406258,0.3122312725,0.2872771919,0.2955932617,0.1048982963 +Guatemala,GTM,Latin America and Caribbean,LCN,2006,encov,Higher education,5086096,0.5249470472,0.2259308547,0.01073927805,0.6050446033,0.4643136859,0.4714936316,0.4233113527,0.04818225279,1624152,0.6953426003,0.5676378012,0.08707603067,0.6754937768,0.1529221237,0.9714546204,0.02854535729,0.9536530972,0.04634691775,0.6788539886,0.2638082504,0.05733779445,0.600217998,0.3997819722,0.6331005096,0.3997819722,0.3997819722,0.144822821,0.09006585181,0.2211986333,0.6887354851,0.9724741578,0.8378307223,0.001867168583,0.1670000404,0.004611513577,0.04771991074,0.2868062258,0.04415796697,0.07977614552,0.2553508282,0.02264433168,0.1059779823,0.1631826758,0.09953288734,0.08662559837,0.1797869205,0.02042730711,0.1551271081,0.05071650818,0.1383606195,0.0002623923356,42,0.2942552567,0.3040734231,12.5,15.72997189,,2250,2831.394775,,1530.810425,1730.08252,2554.938477,1.009450436,2.283406258,0,0,0.6361537576,0.3638462126 +Guatemala,GTM,Latin America and Caribbean,LCN,2006,encov,Lower education,7901685,0.3429996371,0.1749254763,0.07112546265,0.4015909135,0.5858749151,0.4714936316,0.4233113527,0.04818225279,3112320,0.6724808216,0.45714432,0.3396227956,0.6659181118,0.2411147952,0.9902410507,0.009758957662,0.9824490547,0.01755092666,0.4623840153,0.5107073784,0.02690863982,0.889595449,0.1104045585,0.1735126525,0.1104350612,0.1104350612,0.01364494581,0.3955622911,0.2556928992,0.3487448096,0.7913970947,0.5693800449,0.001338115195,0.1675103456,0.001637601177,0.08520685136,0.2013165653,0.02778860182,0.01469752751,0.055796545,0.04914555699,0.03346358612,0.003672678256,0.01097196061,0.006230801344,0.1548037678,0.1627740562,0.1866385043,0.04197184369,0.3993251622,0.000147633953,42,0.3031135798,0.2975953221,6.589035988,8.291627884,,1186.026489,1492.49292,,970.7700806,1293.847046,1334.717896,1.009450436,2.283406258,0.36093539,0.4163166881,0.2227479219,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2006,encov,Male,6220809,0.4400469363,0.1888220608,0.04845189676,0.4737071991,0.5115011334,0.4714936316,0.4233113527,0.04818225279,2870391,0.9085255265,,0.02977641672,0.8956018686,0.2575693727,0.9857751131,0.01422489155,0.9768407941,0.0231591817,0.5970288515,0.3566282392,0.04634289443,0.779633224,0.220366776,0.3373919427,0.220366776,0.220366776,0.05150412023,0.3866244256,0.2661806047,0.3471949697,,0.5806716681,0.002419457538,0.1425143778,0.003896012204,0.1173507571,0.1619099826,0.04993638769,0.04413654283,0.08508177847,0.006130281836,0.06405553967,0.04014687613,0.04231258482,0.02824467421,0.1044165865,0.1662035733,0.1761139482,0.06289882213,0.315300256,0.0003071148822,42,0.182285592,0.3371930718,8.214901924,10.33761406,,1478.682373,1860.77063,,1017.254028,1487.25708,1999.581787,,2.283406258,0.1920177788,0.3115163743,0.395139575,0.1013262644 +Guatemala,GTM,Latin America and Caribbean,LCN,2006,encov,Old worker,4459631,0,0,0,0.5406395793,1,0.4714936316,0.4233113527,0.04818225279,3251111,0.7313221693,0.5353196859,,0.7239666581,0.2421591729,0.989942193,0.010057793,,,0.5039591193,0.4446233213,0.05141759291,0.7740115523,0.2259884626,0.4198229611,0.2260176688,0.2260176688,0.07042634487,0.2797261477,0.2316387743,0.488635093,0.8554384708,,0.001690585283,0.1581500471,0.002660628874,0.06913751364,0.2344410866,0.03638067469,0.03991098702,0.1395924389,0.03830988705,0.07878637314,0.06236989051,0.04567780718,0.03156929463,0.1617493331,0.149345696,0.1692312807,0.05034159869,0.250764966,0.0001637453533,42,0.2894735038,0.3078077137,9.263871193,11.65763569,,1667.496948,2098.374512,,1012.960693,1552.616455,2170.07251,1.009450436,2.283406258,0.3314856589,0.3094054461,0.2434473783,0.1156615242 +Guatemala,GTM,Latin America and Caribbean,LCN,2006,encov,Rural,6737221,0.4639739394,0.1879666746,0.04399069026,0,0.4920353591,0.4714936316,0.4233113527,0.04818225279,2145965,0.6498885155,0.4025057852,0.2952273786,0.6449434161,0.2694319487,0.9923908114,0.007609164342,0.9853930473,0.01460694242,0.4321301877,0.54687047,0.02099936269,0.8881015182,0.1118984669,0.1984200478,0.1118984669,0.1118984669,0.03047657013,0.5225831866,0.192581743,0.2848350704,0.6999142766,0.4689190984,0.001052762032,0.1268244833,0.002142150188,0.06256233156,0.1579795778,0.02248318493,0.01399018429,0.06136635691,0.02901575714,0.02861427888,0.02467839606,0.01534440648,0.007206865586,0.1257792413,0.2071767151,0.135176152,0.03692978621,0.4187452793,0.000348885922,42,0.3402830362,0.2391183227,6.82347393,8.586644173,,1228.225342,1545.595947,,981.1673584,1411.47522,1589.863647,1.009450436,2.283406258,0.3646426797,0.3528553545,0.2499702573,0.03253170848 +Guatemala,GTM,Latin America and Caribbean,LCN,2006,encov,Total,12987781,0.4142513573,0.1948994994,0.04747785628,0.4812646508,0.5382707715,0.857801014,0.7695966031,0.08820441085,4736472,0.6775154752,0.4904956818,0.2255754769,0.6665391146,0.2112526894,0.9837990999,0.01620087773,0.9703533053,0.02964666486,0.5356808901,0.4271071553,0.03721197322,0.7916120291,0.2083879411,0.3707215786,0.2084081173,0.2084081173,0.0580618605,0.2921209931,0.2440131307,0.4638658762,0.8539867997,0.6802018881,0.001517252997,0.1673375517,0.002644569846,0.07251375169,0.2302634269,0.03333127871,0.03673318774,0.1233657598,0.040172223,0.05801700801,0.05768286809,0.04095875099,0.03345253319,0.1632630825,0.1145753488,0.1759687364,0.04493279383,0.3109624088,0.0001864912047,42,0.3001141548,0.2997888029,8.352272987,10.51048183,,1503.409058,1891.886719,,998.5058594,1430.357178,1910.041992,1.009450436,2.283406258,0.2584612668,0.2981190681,0.3401190937,0.1033005714 +Guatemala,GTM,Latin America and Caribbean,LCN,2006,encov,Urban,6250560,0.3606574535,0.2023721039,0.0512365289,1,0.5881060362,0.4714936316,0.4233113527,0.04818225279,2590507,0.7074362636,0.5692037344,0.1557513326,0.6909400821,0.1622820646,0.9766817689,0.0233182162,0.9552393556,0.04476062581,0.622841537,0.326300025,0.05085844547,0.7103949785,0.2896050513,0.4713437557,0.289642185,0.289642185,0.08128094673,0.09813639522,0.2873039544,0.6145596504,0.9527911544,0.8992300034,0.001908224192,0.2014382035,0.00306746643,0.08089005202,0.2911061645,0.04246233776,0.0558764264,0.1755518913,0.04956284538,0.08276586235,0.08546338975,0.06251884997,0.0555440262,0.1948139668,0.03663094714,0.2103046477,0.05166908354,0.2202394307,0.00004980038284,42,0.2663032115,0.3508563638,9.418312073,11.85198307,,1695.296143,2133.356934,,1041.666626,1438.433228,2039.851807,1.009450436,2.283406258,0.1503939033,0.2424106002,0.4318691194,0.1753263772 +Guatemala,GTM,Latin America and Caribbean,LCN,2006,encov,Young worker,2531312,0,1,0,0.4997167587,1,0.4714936316,0.4233113527,0.04818225279,1485361,0.5898151398,0.4093640149,0.2255754769,0.5723291039,0.142239958,0.9703533053,0.02964666486,0.9703533053,0.02964666486,0.6065141559,0.3879943788,0.005491474643,0.8309132457,0.1690867841,0.2796196342,0.1690867841,0.1690867841,0.03045253456,0.3197981119,0.2716445029,0.408557415,0.8504422903,0.6802018881,0.001130210003,0.1878528446,0.002608710667,0.08005272597,0.2209348977,0.02652212419,0.02963731252,0.08713232726,0.04433073848,0.01163998432,0.04721697047,0.0304213129,0.03765771165,0.1666431874,0.03693476319,0.1910131276,0.03285518661,0.4453804791,0.0002372816671,42,0.3238742054,0.2818830013,7.18828392,9.045721054,,1293.891113,1628.229858,,976.3168945,1281.54248,1515.906372,1.009450436,2.283406258,0.133121416,0.2787470222,0.5060474873,0.08208409697 +Guatemala,GTM,Latin America and Caribbean,LCN,2011,encov,Female,7469227,0.3619454801,0.2131671757,0.04994867742,0.491676718,0.5881058574,0.4393652081,0.3906588554,0.04870637879,2021112,0.4673087001,0.4673087001,0.3994900584,0.4414694309,0.1187279299,0.9447062016,0.05529381707,0.9148710966,0.08512890339,0.5164403319,0.4687441885,0.01481545903,0.8101371527,0.1886970252,0.4010320902,0.1893960088,0.1893960088,0.07480790466,0.1551455855,0.2001505345,0.6447038651,0.8448544145,0.8399530649,0.002204600489,0.192724824,0.0009737690561,0.004247346893,0.3240736127,0.009923346341,0.03727086633,0.156596452,0.1168395951,0.08349868655,0.09055171162,0.05878804997,0.0396341309,0.1961497664,0.0481793955,0.114128761,0.01828582399,0.3492972553,0.001486410969,43,0.4387136102,0.2765304446,9.496851921,8.941130638,2.524611473,1709.43335,1609.403564,454.4300842,944.5036621,1536.020508,1924.795166,,2.735826731,0.3312901855,0.002924810629,0.6657850146,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2011,encov,Higher education,11881586,0.4228366613,0.2386264801,0.02427739836,0.5223352313,0.5528859496,0.4393652081,0.3906588554,0.04870637879,4402677,0.6839436889,0.4910816848,0.2037380785,0.6595095992,0.1619945467,0.9642747045,0.03572531044,0.9483593702,0.05164064839,0.6329388022,0.3432907164,0.02377049066,0.7753452659,0.2219819576,0.3833571076,0.2228307575,0.2228307575,0.06892818213,0.2723683119,0.2230518609,0.5045798421,0.900306046,0.6490293145,0.002083961619,0.1514167488,0.00324325473,0.06630789489,0.2384223938,0.04113153741,0.04701789469,0.1313515753,0.04665642232,0.05700072646,0.08287922293,0.05149653926,0.03981703147,0.1423725635,0.09423357993,0.1479455531,0.05429948866,0.3266330957,0.003322198056,43,0.256195724,0.3436739445,9.777908325,9.205740929,2.599326611,1760.023438,1657.033447,467.8787842,1218.477783,1746.584229,2149.874512,1.038277864,2.735826731,0,0,1,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2011,encov,Lower education,2745628,0.213987112,0.09149564058,0.1500141323,0.3232189417,0.6359987855,0.4393652081,0.3906588554,0.04870637879,1000144,0.5785182118,0.4015578628,0.4953825474,0.5609482527,0.2675317526,0.9696293473,0.0303706266,0.9706016183,0.02939836681,0.4302870035,0.5592754483,0.01043753698,0.9553120136,0.04231729358,0.08141094446,0.04241785407,0.04241785407,0.004672246519,0.5594553351,0.166493997,0.2740506828,0.657566309,0.3850896955,0.003798488062,0.12189731,0.001281042467,0.03951714933,0.1579959244,0.0146250613,0.007265815046,0.02838744409,0.06577644497,0.04490722716,0.004963940009,0.01872630604,0.00166153803,0.07403909415,0.2527354956,0.1072404757,0.01422154717,0.4775752127,0.003929151222,43,0.3741139174,0.2529561818,6.495324612,6.115242004,1.726695418,1169.158447,1100.74353,310.8051758,1149.345215,1313.537354,1147.755249,1.038277864,2.735826731,0.9913080335,0.008691937663,0,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2011,encov,Male,7157987,0.4062658846,0.2087570131,0.04571941867,0.477950722,0.5480147004,0.4393652081,0.3906588554,0.04870637879,3381709,0.8804261684,,0.04394001514,0.8606638312,0.2179440856,0.9775536656,0.02244634368,0.9686812758,0.03131872416,0.6407770514,0.3341915309,0.02503144555,0.8080441356,0.1885013133,0.3156667352,0.189203918,0.189203918,0.04668246955,0.4248699248,0.2196281701,0.35550192,,0.5229849815,0.002519729082,0.1188044176,0.003978116903,0.09432590753,0.1651342511,0.05137724802,0.04093679786,0.08637824655,0.01167536713,0.03712531924,0.05312045664,0.03653003275,0.02761935256,0.08791026473,0.1731259525,0.155201748,0.06308236718,0.3616598248,0.004624694586,43,0.1853977293,0.3558289111,9.064450264,8.534031868,2.4096632,1628.24707,1536.125732,432.8477783,1225.968262,1740.04248,2099.776611,,2.735826731,0.1934033334,0.00167247816,0.80492419,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2011,encov,Old worker,5228904,0,0,0,0.5350855589,1,0.4393652081,0.3906588554,0.04870637879,3717031,0.7214231491,0.5189641118,,0.7013661265,0.2199643552,0.9721979499,0.02780202776,,,0.5689602494,0.4012903571,0.02974936925,0.7912341952,0.2067866921,0.3743489087,0.2073642313,0.2073642313,0.06621292979,0.3062342405,0.2161903232,0.4775754213,0.8467655778,,0.002708453918,0.1484680772,0.003722656053,0.0612911433,0.2284980416,0.03698132932,0.03826648742,0.1269340962,0.04689545557,0.06326960027,0.07061513513,0.04602016136,0.0278029982,0.1227117106,0.1494017541,0.1446580142,0.05044008046,0.3211866319,0.003893920919,43,0.2639505267,0.3376040757,9.838580132,9.262862206,2.615455389,1769.506592,1667.315186,470.3997498,1225.968262,1836.408569,2266.538574,1.038277864,2.735826731,0.3576016128,0.002605533227,0.6397928596,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2011,encov,Rural,7533604,0.4295847118,0.2070353031,0.04069340602,0,0.5297219157,0.4393652081,0.3906588554,0.04870637879,2488531,0.6348690391,0.3806938231,0.2812032998,0.6075856686,0.2414940149,0.9570252299,0.04297475144,0.9517404437,0.04825953022,0.4972163439,0.4909314811,0.01185218059,0.9048945308,0.09289141744,0.1746598035,0.09325493127,0.09325493127,0.03056953289,0.5617622733,0.1648397893,0.2733979523,0.6849128604,0.4188505709,0.003115947591,0.09974388778,0.001621906995,0.06035805121,0.1445447057,0.02112217434,0.01076456904,0.05843878165,0.03852772713,0.03399214149,0.0260799285,0.01922610961,0.01131834928,0.08601698279,0.2290723026,0.1086279601,0.03231157362,0.448898524,0.004456121009,43,0.3224844635,0.2703212798,7.652276039,7.204492569,2.034255505,1377.401245,1296.808594,366.1637573,1254.223022,1592.166504,1715.77832,1.038277864,2.735826731,0.3346844614,0.001474346966,0.663841188,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2011,encov,Total,14627214,0.38363415,0.2110090107,0.04787904397,0.4849597514,0.5684867948,0.7590557915,0.674833881,0.08422191052,5402821,0.6497384722,0.4673087001,0.2279137224,0.6271704104,0.1816193908,0.9652659297,0.03473407775,0.9499813318,0.0500186868,0.5952553153,0.3834535182,0.02129120193,0.810932334,0.1890676958,0.3427817523,0.1892743558,0.1892743558,0.05697966367,0.3259911835,0.2124878317,0.4615209699,0.8448544145,0.6293188334,0.002404205501,0.145903036,0.002876747632,0.06130384654,0.223400116,0.03618058935,0.03959289566,0.1121196672,0.05022770911,0.0545669198,0.06719882041,0.04490154982,0.03213826194,0.1286204904,0.1261319965,0.1397536844,0.04623382911,0.3570100963,0.003444347065,43,0.2781288326,0.3268001974,9.126047134,8.592024803,2.426038027,1641.921753,1546.564453,436.4830017,1194.498047,1678.218262,2044.775391,1.038277864,2.735826731,0.2676025033,0.002346378984,0.7300511003,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2011,encov,Urban,7093610,0.334833473,0.2152291983,0.0555103831,1,0.6096561551,0.4393652081,0.3906588554,0.04870637879,2914290,0.6863225102,0.5452055335,0.1732021719,0.6673132181,0.1312954128,0.9723026752,0.02769731171,0.9481209517,0.05187903717,0.6776559949,0.2931194305,0.02922459692,0.7280527949,0.268992275,0.4463219345,0.2700376213,0.2700376213,0.07917709649,0.1279993504,0.2525008917,0.619499743,0.9377505183,0.8528705835,0.001806510729,0.1846657842,0.003930516541,0.06209809333,0.2896199822,0.04882608727,0.0638018623,0.157198891,0.06005292386,0.07091514766,0.09987090528,0.0653026402,0.04868126661,0.1624722183,0.04433807731,0.1644854397,0.05729611963,0.2839977741,0.002640415682,43,0.2408256531,0.3742990792,10.43666744,9.825951576,2.774448872,1878.14502,1768.671265,499.2798157,1125.167358,1740.04248,2138.661377,1.038277864,2.735826731,0.1816336513,0.003463931149,0.8149024248,0 +Guatemala,GTM,Latin America and Caribbean,LCN,2011,encov,Young worker,3086474,0,1,0,0.494658947,1,0.4393652081,0.3906588554,0.04870637879,1685790,0.5593873858,0.3756937087,0.2279137224,0.5314075947,0.09509456903,0.9499813318,0.0500186868,0.9499813318,0.0500186868,0.654589653,0.3432048857,0.002205475001,0.8484709859,0.147473976,0.2808521986,0.1483697295,0.1483697295,0.03614493832,0.3706811368,0.2041128278,0.4252060354,0.8399530649,0.6293188334,0.001715999329,0.1401009411,0.0009633125155,0.06133258343,0.2118686736,0.03436931968,0.04259321466,0.07860959321,0.05776523054,0.02678910829,0.05629439279,0.04133108258,0.04597584903,0.1474805325,0.05185800046,0.1240997314,0.03280802816,0.4713539183,0.002009366639,43,0.3101245165,0.3024194241,7.944550514,7.479664326,2.111952782,1430.019043,1346.3396,380.1514893,1149.704346,1452.019287,1703.979492,1.038277864,2.735826731,0.1064787731,0.001882419572,0.8916388154,0 +Honduras,HND,Latin America and Caribbean,LCN,1991,ephpm,Female,2424645,0.4349040687,0.192647174,0.04158052057,0.4335776865,0.5235154033,0.4817027748,0.4444079697,0.0372948125,436047,0.3435228765,0.3435228765,0.5059976578,0.3288656473,0.03952405229,0.9573325515,0.04266741872,0.9153439403,0.08465608209,0.5589686632,0.4063127339,0.03471859545,,,,,,0.1606810093,0.05202480406,0.2189001143,0.7290750742,0.9479752183,0.9468456507,0.00060894544,0.2121556252,0.0016157676,0.004519782029,0.3039608002,0.01146806777,0.02314477786,0.1861335188,0.2043679059,0.0001846053492,0,0.001376149012,0.0003907879582,0,0.002778670285,0.0007312289672,0.02253383957,0.0009709761944,0.003265357111,47,0.237533465,0.3539256155,1.875,15.51988888,0.1925072074,331.2248535,2793.579834,34.00702667,302.7272644,347.9999695,314.0625,,2.279635429,0.2199233472,0.3029314578,0.3721009195,0.105044283 +Honduras,HND,Latin America and Caribbean,LCN,1991,ephpm,Higher education,1428544,0.5747026205,0.2062218636,0.007183537818,0.5656948686,0.4181138277,0.4817027748,0.4444079697,0.0372948125,333442,0.5582544208,0.4398269355,0.1310671866,0.5235545635,0.04945062101,0.9378422499,0.06215773523,0.8908045292,0.1091954634,0.7704914212,0.1571042091,0.07240435481,,,,,,0.3363722861,0.07763136178,0.2041874081,0.7181812525,0.986748457,0.8948174119,0.0001529201254,0.1492272615,0.01049617678,0.0443110466,0.1905222088,0.0459671393,0.06560923904,0.3816691041,0.03441353515,0.009811746888,0.003811227158,0.003000259632,0.00346824876,0,0.01398838963,0.001862340607,0.02366871573,0.007702589501,0.01722264476,47,0.1402411908,0.2635476291,3.594019651,29.74868584,0.3689998388,630,5354.763184,64.68242645,450,460.2272644,692.3076782,0.957390666,2.279635429,0,0,0.5632706285,0.4367293417 +Honduras,HND,Latin America and Caribbean,LCN,1991,ephpm,Lower education,3319411,0.4000830352,0.1855702698,0.05311635137,0.349190861,0.5468006134,0.4817027748,0.4444079697,0.0372948125,1093763,0.6026056409,0.3107908368,0.3780845106,0.583860755,0.07775680721,0.9688936472,0.0311063733,0.947239697,0.05276028067,0.4589861631,0.4638732076,0.07714062184,,,,,,0.04549795389,0.451816529,0.2225776166,0.3256058395,0.9303646684,0.4962144792,0.004978563171,0.1531971246,0.00285633374,0.06154560298,0.1582271606,0.02870348655,0.004653459881,0.05868069082,0.07534104586,0.0002304458612,0.0002068346075,0.0003381131974,0,0,0.00005855591735,0,0.003705078503,0.00144406443,0.0008783387602,47,0.1364328563,0.3563775122,1.488095284,12.31737232,0.1527835131,262.5,2217.126953,26.95100975,237.2052917,310.5232849,244.6547089,0.957390666,2.279635429,0.2748675644,0.4030498266,0.3220826387,0 +Honduras,HND,Latin America and Caribbean,LCN,1991,ephpm,Male,2323310,0.4711123407,0.1908828318,0.03691242263,0.3942461312,0.4919752479,0.4817027748,0.4444079697,0.0372948125,991158,0.867146492,,0.07926851511,0.8355247378,0.08519979566,0.9635335803,0.0364664346,0.9425396323,0.05746039003,0.5172845721,0.3885827959,0.09413265437,,,,,,0.09039658308,0.5045500398,0.2181961089,0.2772538662,,0.4379299581,0.005315345712,0.1261626631,0.005885225255,0.08083286881,0.1051120758,0.04184908047,0.01642482169,0.1081860363,0.005681848153,0.003384768963,0.001476380043,0.0007549670408,0.0009636315517,0,0.003425663104,0.0002894040372,0.002000662731,0.003698290093,0.005180961452,47,0.09392633289,0.3266516924,1.875,15.51988888,0.1925072074,329.3428955,2793.579834,33.81380463,241.5181122,337.5,460.2272644,,2.279635429,0.2105355114,0.3307699561,0.3764945269,0.0822000131 +Honduras,HND,Latin America and Caribbean,LCN,1991,ephpm,Old worker,1501769,0,0,0,0.4433318377,1,0.4817027748,0.4444079697,0.0372948125,975163,0.6493428946,0.3845143318,,0.6324927211,0.08729305118,0.9740505219,0.02594950795,,,0.496385783,0.4022980332,0.1013161987,,,,,,0.1340926737,0.3427441418,0.2085429579,0.4487128854,0.9484180212,,0.002913123928,0.1450327933,0.00510357134,0.05549346283,0.1838481277,0.03723013029,0.0208060462,0.1517535895,0.05507501587,0.002910540672,0.001346164616,0.001142711379,0.001140603097,0,0.004380042199,0.0006124679931,0.01022220682,0.003494546283,0.005815810524,47,0.1434281766,0.3368005753,2.215909004,18.34168625,0.2275085151,388.1541443,3301.503662,39.85198593,253.5940094,376.3919067,511.3636169,0.957390666,2.279635429,0.2819814086,0.3472917676,0.2657246292,0.1050021797 +Honduras,HND,Latin America and Caribbean,LCN,1991,ephpm,Rural,2780727,0.4770716429,0.1799662411,0.04232598096,0,0.4806023836,0.4817027748,0.4444079697,0.0372948125,773355,0.5786748528,0.2528507411,0.363540262,0.5679919124,0.1004152372,0.9815388918,0.01846112125,0.9656101465,0.03438983113,0.4010312557,0.5141842961,0.08478443325,,,,,,0.07060802728,0.5894082189,0.1639538407,0.2466379255,0.907181263,0.3573614657,0.005208478309,0.1159253865,0.001496460754,0.04132350534,0.1109274775,0.02071605064,0.002456579357,0.07041576505,0.0421220623,0.0004232634092,0.0003230514994,0.0001595478825,0.0001832822891,0,0.0003362372809,0,0.004204943776,0.000253166887,0.001162985456,47,0.1431714743,0.3090211749,1.597342014,13.22163773,0.16399993,282.2939148,2379.894531,28.98326111,235.2449188,331.695343,372.6279297,0.957390666,2.279635429,0.2847802937,0.3663946092,0.311166048,0.03765907511 +Honduras,HND,Latin America and Caribbean,LCN,1991,ephpm,Total,4747955,0.4526218176,0.1917838305,0.03929628804,0.4143316448,0.5080818981,0.9681866397,0.8908442109,0.07734242883,1427205,0.5916243525,0.3435228765,0.2981678843,0.5689290431,0.07130720466,0.9616389871,0.03836099058,0.9348644614,0.06513553858,0.5299630761,0.3939754665,0.0760614574,,,,,,0.1117740721,0.3670194149,0.2184100747,0.4145705104,0.9479752183,0.578764677,0.003884985577,0.1522974819,0.004587660078,0.05763994157,0.1655458063,0.03261573985,0.01846713759,0.1318756789,0.06606613845,0.002411018359,0.001027144957,0.0009439812275,0.0007893258589,0,0.003228795016,0.0004238431866,0.008248528466,0.002868419047,0.004598078318,47,0.1373142898,0.3348919451,1.875,15.51988888,0.1925072074,329.9309998,2793.579834,33.87418365,245.4545593,339,409.0908813,0.957390666,2.279635429,0.2155116498,0.3160137832,0.3741656542,0.0943089202 +Honduras,HND,Latin America and Caribbean,LCN,1991,ephpm,Urban,1967228,0.4180613458,0.2084882855,0.03501373529,1,0.5469248891,0.4817027748,0.4444079697,0.0372948125,653850,0.6077091098,0.4446889162,0.2184037864,0.5700930953,0.03528492898,0.9381020069,0.06189798936,0.8921978474,0.107802175,0.6895209551,0.2452125698,0.06526644528,,,,,,0.1627185792,0.08766460419,0.2868155539,0.6255198717,0.9751785398,0.9148996472,0.0022224735,0.1979864687,0.008470685221,0.0781359151,0.2341548949,0.04756359756,0.03857888281,0.2090788782,0.09614361078,0.004872655962,0.001899094903,0.001915424131,0.00153985084,0,0.006810941268,0.0009487309726,0.01325610653,0.006107149646,0.008852100931,47,0.1300880313,0.3668099046,2.083333254,17.24431992,0.2138969004,374.9999695,3103.977783,38.50143814,319.0908813,343.6363525,427.5,0.957390666,2.279635429,0.121764414,0.2478290498,0.4594284594,0.1709780693 +Honduras,HND,Latin America and Caribbean,LCN,1991,ephpm,Young worker,910581,0,1,0,0.4504201114,1,0.4817027748,0.4444079697,0.0372948125,452042,0.4964324832,0.2731207907,0.2981678843,0.4640971124,0.03537641093,0.9348644614,0.06513553858,0.9348644614,0.06513553858,0.6054335237,0.3752691746,0.01929729991,,,,,,0.06160937995,0.421235323,0.2404470593,0.3383176029,0.9468456507,0.578764677,0.006055519916,0.1685222685,0.003435434774,0.06243384257,0.1246698052,0.02231006138,0.01324347034,0.08748080581,0.09061346948,0.001288583502,0.0003103022755,0.000497431145,0,0,0.0006419230485,0,0.003813638585,0.001461500069,0.001861813595,47,0.1237375885,0.3306536078,1.475694418,12.2147274,0.1515102983,262.5,2198.650879,26.95100975,232.8924713,295.1999817,241.5181122,0.957390666,2.279635429,0.1067779288,0.2648480833,0.5515574813,0.07681648433 +Honduras,HND,Latin America and Caribbean,LCN,1992,ephpm,Female,2485676,0.4284975231,0.1925138235,0.04441729188,0.4377610087,0.5270851851,0.4675475061,0.4291107059,0.03843678907,465406,0.3552275598,0.3552275598,0.5004524589,0.3406942487,0.04446585104,0.9590873122,0.04091266543,0.9237049818,0.07629501075,0.5625418425,0.40542382,0.03203432262,,,,,,0.1566005349,0.05753777549,0.2405267656,0.7019354701,0.9424622059,0.9304514527,0.0005985960015,0.2316816002,0.002852400765,0.005394166335,0.3031707406,0.01329155266,0.02160387486,0.2013436705,0.162525624,0.1128224656,0.09055817872,0.2672521472,0.01878507435,0.1019927636,0.008802213706,0.003385121934,0.1210959628,0.2444412112,0.03086487576,47,0.2551063597,0.333448559,2.272727251,17.29680634,0.2333420664,405,3113.425049,41.58155823,323.4617615,417.5999756,417.8571167,,2.056465387,0.1929830164,0.3095908761,0.38518098,0.1122451425 +Honduras,HND,Latin America and Caribbean,LCN,1992,ephpm,Higher education,1521203,0.5600061417,0.216113165,0.00560740428,0.5668822527,0.434386462,0.4675475061,0.4291107059,0.03843678907,372036,0.5630170107,0.4512589872,0.1345026046,0.5314169526,0.06005610153,0.9438737035,0.05612628907,0.908605516,0.09139447659,0.7508593202,0.1697768718,0.07936381549,,,,,,0.2978200614,0.1066418365,0.2001039386,0.6932542324,0.9791741967,0.829110682,0.0009527521324,0.1536442786,0.01501306426,0.03049384244,0.1990530193,0.04337620735,0.06453885138,0.3663072288,0.01997892372,0.2631345093,0.1739687622,0.2156682909,0.05657615513,0.06900656223,0.05130213127,0.003633722896,0.04026711732,0.05385086313,0.07259187847,47,0.1593560278,0.229634881,4.166666508,31.71081161,0.4277938008,749.999939,5707.946289,77.00287628,749.999939,562.5,818.1817627,0.9549404383,2.056465387,0,0,0.5534979105,0.4465021193 +Honduras,HND,Latin America and Caribbean,LCN,1992,ephpm,Lower education,3368581,0.3939017653,0.1859637648,0.05712909997,0.3510157466,0.5489691496,0.4675475061,0.4291107059,0.03843678907,1122931,0.6072368622,0.3206054866,0.3767946959,0.5884492397,0.12706168,0.969060421,0.03093956783,0.9491074085,0.05089258775,0.4619220197,0.4468152523,0.09126272053,,,,,,0.04787224159,0.4392424226,0.2321478575,0.328609705,0.924593091,0.5165399313,0.003478460014,0.163614288,0.003058437258,0.06199668348,0.1705646813,0.02919019386,0.004464722238,0.06068352982,0.06370657682,0.008538046852,0.008707134984,0.4146700799,0.1838772297,0.1230017245,0.03245211393,0.01798034832,0.07993931323,0.1231570244,0.007676982321,47,0.1558106095,0.348138392,1.770833373,13.4770956,0.1818123758,315,2425.877197,32.34121323,281.25,374.9999695,292.5,0.9549404383,2.056465387,0.2516121566,0.4104897976,0.3378980756,0 +Honduras,HND,Latin America and Caribbean,LCN,1992,ephpm,Male,2404108,0.4632350206,0.1982685477,0.03767176718,0.3979172409,0.4990932047,0.4675475061,0.4291107059,0.03843678907,1029561,0.8580576181,,0.08554333448,0.8275685906,0.1404945552,0.9644674063,0.0355326198,0.9458702207,0.05412977561,0.5188705325,0.3674502373,0.1136792526,,,,,,0.0873876363,0.4935204685,0.2170375586,0.289441973,,0.4532317221,0.003882199991,0.129426077,0.007380367722,0.0763489157,0.1209099516,0.04137030244,0.01799641363,0.1054414138,0.003723888891,0.05169500411,0.0303561613,0.4105629623,0.2130711824,0.1133509502,0.04974934086,0.01946770214,0.04740890488,0.04412786663,0.02020991407,47,0.110536404,0.3110765517,2.300172567,17.50568199,0.2361598909,409.0908813,3151.022949,42.00157166,287.5215759,406.7307739,562.5,,2.056465387,0.1942026019,0.3226715922,0.3903793991,0.09274639934 +Honduras,HND,Latin America and Caribbean,LCN,1992,ephpm,Old worker,1554851,0,0,0,0.4613381028,1,0.4675475061,0.4291107059,0.03843678907,1017172,0.6541925669,0.3949768841,,0.6370037794,0.1372745186,0.9737251997,0.02627480961,,,0.4941501021,0.3894901872,0.1163597032,,,,,,0.1349593997,0.3336983621,0.2096829414,0.4566186666,0.947198689,,0.002075734548,0.148062259,0.007412315346,0.05213264003,0.1978860199,0.03764441982,0.01952213049,0.1598847359,0.04168136418,0.08733237535,0.05418064073,0.3782629371,0.139517948,0.09726123512,0.03447638825,0.01148977317,0.07140015811,0.09630005062,0.02977850474,47,0.1608179212,0.3256091177,2.727272749,20.75616837,0.2800104916,485.192627,3736.110107,49.81497574,323.4617615,450,625,0.9549404383,2.056465387,0.2603410482,0.3517414331,0.2704693973,0.1174481064 +Honduras,HND,Latin America and Caribbean,LCN,1992,ephpm,Rural,2845016,0.479442656,0.1842713654,0.04189782962,0,0.4786595106,0.4675475061,0.4291107059,0.03843678907,797060,0.5853014588,0.2737726271,0.3561167717,0.5730301142,0.1737581491,0.9790341854,0.02096579969,0.9638190269,0.0361809656,0.3990240395,0.4996892512,0.1012867317,,,,,,0.06745315343,0.5848454237,0.170244664,0.2449099422,0.8983429074,0.3725847006,0.004074623808,0.1285882145,0.0006352075143,0.03694661334,0.1178697273,0.01681234315,0.003436834319,0.07256213576,0.03422890604,0.03680276498,0.01005191263,0.4936739802,0.2028925568,0.08714050055,0.008580775931,0.0194297675,0.0631666109,0.06912804395,0.009133093059,47,0.1795248538,0.2935783863,1.875140667,14.27093601,0.1925216466,334.243866,2568.768555,34.3169899,282.2939148,388.1541443,431.2823486,0.9549404383,2.056465387,0.2599108517,0.3811946511,0.3185556531,0.04033884779 +Honduras,HND,Latin America and Caribbean,LCN,1992,ephpm,Total,4889784,0.4455765188,0.1953431964,0.04110079259,0.4181714356,0.5133226812,0.9480923583,0.8680242177,0.08006814055,1494967,0.5955955949,0.3552275598,0.2934035957,0.5734349812,0.1107144058,0.9627925158,0.03720751032,0.9395179749,0.06048200652,0.5324137211,0.3792265058,0.08835975826,,,,,,0.1088517457,0.3581214547,0.2243323773,0.4175461829,0.9424622059,0.5878583789,0.002862442285,0.1611826122,0.005974160042,0.05431316793,0.1775129586,0.03265015036,0.01911674812,0.1352248639,0.05304144323,0.07065168023,0.04902584106,0.3661198318,0.1528197229,0.1098285839,0.03705093265,0.01448021736,0.0702605322,0.1062484756,0.0235142,47,0.1567056775,0.3182211816,2.300172567,17.50568199,0.2361598909,409.0908813,3151.022949,42.00157166,288,409.0908813,511.3636169,0.9549404383,2.056465387,0.1935602129,0.3157816231,0.3876412511,0.1030169278 +Honduras,HND,Latin America and Caribbean,LCN,1992,ephpm,Urban,2044768,0.3984564543,0.2107481211,0.03999182209,1,0.5615517497,0.4675475061,0.4291107059,0.03843678907,697907,0.6078042984,0.4433973432,0.2171090096,0.5739151239,0.03606102616,0.9442433119,0.0557567142,0.9066173434,0.09338266402,0.6903674603,0.2365802974,0.0730522573,,,,,,0.1578739733,0.08609808981,0.28922683,0.6246750951,0.9734794497,0.9048420787,0.001408066717,0.2002893537,0.01237983443,0.07514955848,0.2490729094,0.05165234953,0.03792950511,0.2104076147,0.07561271638,0.1107339337,0.09517689049,0.2150763124,0.09352588654,0.1366947144,0.07076392323,0.008619198576,0.0786608085,0.1502047032,0.04054361582,47,0.1310349256,0.3459434509,2.604166746,19.81925774,0.2673711479,459.7825928,3567.466553,47.20611572,324,419.9999695,531.8182373,0.9549404383,2.056465387,0.1079197377,0.2313513309,0.4768117964,0.1839171499 +Honduras,HND,Latin America and Caribbean,LCN,1992,ephpm,Young worker,955186,0,1,0,0.4511487782,1,0.4675475061,0.4291107059,0.03843678907,477795,0.5002114773,0.2861468494,0.2934035957,0.4699576795,0.05211217701,0.9395179749,0.06048200652,0.9395179749,0.06048200652,0.616838634,0.3565806746,0.0265807081,,,,,,0.05124783516,0.4121416211,0.2567347288,0.3311236799,0.9304514527,0.5878583789,0.004602520727,0.1902028471,0.0027931761,0.05913617462,0.132450819,0.02160357684,0.01822010241,0.08068094403,0.07816822082,0.03384740651,0.03765229136,0.3393272758,0.1821687371,0.1375571638,0.0427314043,0.0210783314,0.06774605066,0.1281986684,0.009692646563,47,0.1478429437,0.3022986948,1.704545498,12.97260571,0.1750065535,306.8182068,2335.069092,31.50118256,258.7694092,362.2771912,281.25,0.9549404383,2.056465387,0.08572077751,0.2577127516,0.5768533945,0.07971309125 +Honduras,HND,Latin America and Caribbean,LCN,1993,ephpm,Female,2528645,0.4085504413,0.2015023828,0.04646006227,0.4380864203,0.5449895263,0.4541876316,0.4139130414,0.0402745977,506390,0.367459178,0.367459178,0.4893627167,0.3546232581,0.04844475538,0.9650683999,0.03493157402,0.9328743219,0.06712570041,0.5480406284,0.4108688235,0.04109056294,,,,,,0.1409164369,0.06250672787,0.255974412,0.6815188527,0.9374932647,0.9166753888,0.00068290747,0.2499648184,0.002121151891,0.003205526154,0.2981097996,0.01002218388,0.01857715286,0.1934883744,0.1613213569,0.109179236,0.07498654723,0.2674968839,0.01619190536,0.1011436433,0.004231626168,0.008678107522,0.147112444,0.2411945164,0.02978508361,47,0.2554369271,0.383713603,2.613832474,17.96213531,0.2683635056,468.7500305,3233.184326,48.12680435,331.2248535,506.25,482.1428833,,2,0.1986329705,0.303640157,0.385378778,0.1123481095 +Honduras,HND,Latin America and Caribbean,LCN,1993,ephpm,Higher education,1541073,0.5454615355,0.2231737226,0.008222193457,0.58545506,0.4463163018,0.4541876316,0.4139130414,0.0402745977,396780,0.5768777728,0.4584490657,0.1357061267,0.5461263657,0.07096363604,0.9466933608,0.05330661684,0.9146338701,0.08536613733,0.7381192446,0.1785831302,0.08329761773,,,,,,0.2759930789,0.1070853993,0.2174505591,0.6754640341,0.9846560359,0.8489549756,0.0003001257428,0.1780232191,0.0124700889,0.02665711381,0.2068325877,0.04578945413,0.06326704472,0.3371466398,0.02242831513,0.2313852161,0.1607996225,0.2121241987,0.06772640347,0.06801658124,0.04984173179,0.01214229967,0.05438344926,0.06794203818,0.07563846558,47,0.1498567611,0.3000819385,4.545454502,31.23615074,0.4666841328,805.9701538,5622.507324,82.74936676,677.5053711,646.875,900,0.9744317532,2,0,0,0.5506497622,0.4493502676 +Honduras,HND,Latin America and Caribbean,LCN,1993,ephpm,Lower education,3454310,0.3751710057,0.1889019758,0.0616273582,0.3552359343,0.5632016063,0.4541876316,0.4139130414,0.0402745977,1188884,0.6111028194,0.335762769,0.3756724,0.5928691626,0.1245332286,0.9701627493,0.02983722463,0.9532254338,0.04677456245,0.4778348804,0.4271140099,0.09505111724,,,,,,0.03482453525,0.4208995104,0.2374043614,0.3416961133,0.9158405662,0.5389592052,0.001416957821,0.1720841825,0.002249792684,0.06165342778,0.1814205199,0.02739772759,0.006904385053,0.05871091783,0.06726258248,0.009931412525,0.01125964615,0.3841796219,0.1942629367,0.1261068285,0.0340607129,0.01785399951,0.09265734255,0.1243104115,0.005377094727,47,0.1775094271,0.3850813806,2.053725481,14.11310577,0.2108570486,368.1817932,2540.359131,37.80141449,301.8976746,450,337.5,0.9744317532,2,0.2547904849,0.3969106674,0.3482988477,0 +Honduras,HND,Latin America and Caribbean,LCN,1993,ephpm,Male,2466738,0.4473413825,0.1973963231,0.04381089658,0.4141335785,0.5088477135,0.4541876316,0.4139130414,0.0402745977,1079274,0.8598463535,,0.08721055835,0.8288272619,0.1409338713,0.9639248252,0.03607517481,0.9479512572,0.05204872787,0.5388349295,0.3450096548,0.1161554083,,,,,,0.07206497341,0.476439476,0.2215041369,0.302056402,,0.4851383567,0.001360233407,0.1376285851,0.005985415541,0.07652989775,0.1357335895,0.04217501357,0.02168789506,0.0955119133,0.006947982591,0.04326858744,0.03531733528,0.3768685162,0.2322243005,0.1168590263,0.0537709333,0.02010210045,0.05325764045,0.04905131832,0.01928025298,47,0.1302435249,0.354109019,2.515813828,17.28855515,0.2582998872,450,3111.939941,46.20173264,310.5232849,483.6112671,588.1123047,,2,0.1933053881,0.307584554,0.4055142105,0.09359584749 +Honduras,HND,Latin America and Caribbean,LCN,1993,ephpm,Old worker,1636826,0,0,0,0.4524207115,1,0.4541876316,0.4139130414,0.0402745977,1074338,0.6563544273,0.4039412439,,0.6394528151,0.1329039782,0.9742492437,0.02575074136,,,0.4922989309,0.3865897059,0.1211113706,,,,,,0.1180693507,0.3251788616,0.2217034101,0.4531177282,0.9462970495,,0.001598655363,0.1629893333,0.004913954996,0.05220146477,0.2026385069,0.03667429462,0.02354849316,0.1466062665,0.04365015775,0.07950811833,0.05291432887,0.3641901612,0.1501997262,0.1017595753,0.0323596783,0.01632983796,0.07606769353,0.09836118668,0.02830970101,47,0.1824109256,0.3548595309,3,20.61585999,0.3080115318,535.7142944,3710.854736,55.00205994,345.0258789,539.1029053,692.3076782,0.9744317532,2,0.2590322793,0.3517374694,0.2789315283,0.1102987304 +Honduras,HND,Latin America and Caribbean,LCN,1993,ephpm,Rural,2866059,0.4537261724,0.1850726008,0.0484749265,0,0.4977988899,0.4541876316,0.4139130414,0.0402745977,845947,0.592930913,0.287320137,0.3505898118,0.5804182887,0.1641067713,0.9788970351,0.02110297605,0.9642262459,0.03577374667,0.4240213931,0.4785972536,0.09738133848,,,,,,0.05712629482,0.562940836,0.1688684076,0.2681907713,0.8705124259,0.3920457363,0.001203819178,0.1270053536,0.0005727849202,0.04008645192,0.1364113986,0.02254248597,0.003363898024,0.06774880737,0.0381241776,0.0375367552,0.009459059685,0.4472071528,0.2301318049,0.07929524779,0.01362887118,0.01987453178,0.0869127363,0.06878317147,0.007170674857,47,0.2007377744,0.3348638713,2.053725481,14.11310577,0.2108570486,369.6705933,2540.359131,37.95426941,310.5232849,431.2823486,452.8464966,0.9744317532,2,0.2640180886,0.369027555,0.3236132562,0.04334110394 +Honduras,HND,Latin America and Caribbean,LCN,1993,ephpm,Total,4995383,0.4277055562,0.1994747967,0.04515189305,0.426258415,0.5271425694,0.8970200409,0.8113659965,0.08565404441,1585664,0.6021633036,0.367459178,0.2928477228,0.5806600658,0.1113731489,0.9642900229,0.03570996225,0.9433649182,0.05663510039,0.5417771935,0.3660590947,0.09216371179,,,,,,0.0940707922,0.3441247344,0.2325226516,0.4233525991,0.9374932647,0.6148693562,0.001143724308,0.1735371649,0.004750193097,0.05309156328,0.1876375973,0.03189727291,0.02069353685,0.1268303543,0.05629385635,0.06433448195,0.04799612984,0.341911912,0.1631775498,0.1118361875,0.03793752939,0.01645084471,0.0832548514,0.1104627773,0.02263773419,47,0.1705327332,0.3636362255,2.561555862,17.60289192,0.2629962564,452.8464966,3168.520508,46.49398041,310.5232849,490.9091187,540,0.9744317532,2,0.196114108,0.3055050671,0.3948987722,0.1034820676 +Honduras,HND,Latin America and Caribbean,LCN,1993,ephpm,Urban,2129324,0.3926818967,0.2188600749,0.04067910835,1,0.5666390061,0.4541876316,0.4139130414,0.0402745977,739717,0.6130803227,0.4558774531,0.2271256447,0.5809459686,0.04907375202,0.9475853443,0.05241464078,0.9162691832,0.08373083919,0.6808936596,0.2331067324,0.08599961549,,,,,,0.1377169341,0.08191989362,0.3087988198,0.6092813015,0.9858559966,0.924777329,0.001071713166,0.2292957157,0.009755934589,0.06867543608,0.2490213513,0.0431070067,0.04145944864,0.1976271123,0.07806637883,0.09599326551,0.09352374077,0.2175163478,0.08407792449,0.1502799839,0.06665573269,0.0124061089,0.07893344015,0.1597029716,0.04091048613,47,0.1357075721,0.3968095779,3,20.61585999,0.3080115318,540,3710.854736,55.44207764,409.0908813,525,562.5,0.9744317532,2,0.1093866825,0.2243736982,0.4859451056,0.1802944988 +Honduras,HND,Latin America and Caribbean,LCN,1993,ephpm,Young worker,996453,0,1,0,0.4676828682,1,0.4541876316,0.4139130414,0.0402745977,511326,0.5131461024,0.3052707613,0.2928477228,0.4840840399,0.06465408951,0.9433649182,0.05663510039,0.9433649182,0.05663510039,0.6491385102,0.3215103745,0.0293510966,,,,,,0.04199706763,0.3851306438,0.2559394836,0.3589298725,0.9166753888,0.6148693562,0.0001590843458,0.1963665932,0.004395751748,0.05501806363,0.1551700383,0.02155802213,0.01451435313,0.08402793109,0.08365952969,0.03140969574,0.03732427955,0.2935710847,0.1913377196,0.1337011009,0.05004073679,0.0167134162,0.09885004908,0.1367216259,0.01033030823,47,0.145092994,0.3824335039,2.083333254,14.31656837,0.2138969004,369.6705933,2576.982178,37.95426941,281.25,450,334.2857056,0.9744317532,2,0.0942235142,0.2306356281,0.5826978087,0.09244307131 +Honduras,HND,Latin America and Caribbean,LCN,1994,ephpm,Female,2677987,0.420682013,0.203055501,0.03918876499,0.4419397712,0.5401291847,0.4579613507,0.4212828577,0.03667849675,518051,0.3584649265,0.3584649265,0.4849177897,0.3509337604,0.03949783742,0.9789904952,0.02100951411,0.9597144127,0.04028556496,0.5569605231,0.4060003757,0.0370390825,,,,,,0.1256647259,0.05957878754,0.2925300598,0.6478911638,0.9404212236,0.9385938644,0.0009471509838,0.2861273289,0.002087720204,0.003367869416,0.2982987165,0.01105474774,0.01880543306,0.1730993241,0.1466329247,0.0970903039,0.07921848446,0.2743849754,0.02846596949,0.1227189451,0.02873215266,0.007642453071,0.1008326635,0.2259965688,0.03491749242,47,0.246958971,0.3076678216,3.594019651,20.2892189,0.3689998388,630,3652.059326,64.68242645,345.0258789,675,613.6364136,,2.035833359,0.1798798442,0.3085086942,0.4053544104,0.1062570661 +Honduras,HND,Latin America and Caribbean,LCN,1994,ephpm,Higher education,1650462,0.5392556787,0.2180086523,0.006979863625,0.5767518282,0.4537644684,0.4579613507,0.4212828577,0.03667849675,414889,0.554718554,0.4161004722,0.1395834088,0.5371205807,0.05761126429,0.9682758451,0.0317241475,0.9542105198,0.04578949511,0.7144329548,0.1837616116,0.101805456,,,,,,0.2459456325,0.0998223722,0.2573208511,0.6428567767,0.9875469208,0.8463588357,0,0.2065732479,0.01356431656,0.03718328476,0.2091543972,0.04197974503,0.05927576125,0.3129178882,0.01952898316,0.2178568989,0.1664936692,0.2193429917,0.0618454814,0.08508514613,0.0696567595,0.009247574024,0.0433528237,0.05922430009,0.06789436936,47,0.1515815109,0.2565294206,5.750431538,32.4627533,0.5903997421,1024.295532,5843.29541,105.1649475,905.6929932,855,1176.224609,1.007703662,2.035833359,0,0,0.5804674625,0.4195325077 +Honduras,HND,Latin America and Caribbean,LCN,1994,ephpm,Lower education,3620816,0.3919279575,0.1919014901,0.05166183412,0.3644924164,0.5564101934,0.4579613507,0.4212828577,0.03667849675,1246126,0.620121479,0.3361118436,0.3635290563,0.6108240485,0.07580392808,0.9850071073,0.01499286573,0.9733406305,0.0266593881,0.4498196542,0.4533644319,0.09681589901,,,,,,0.02932030335,0.4549812675,0.2468713671,0.2981473505,0.9184151888,0.5021417737,0.002042864682,0.1829774529,0.001345361583,0.06050569564,0.1503387839,0.02731845342,0.006433079019,0.058313068,0.0557439737,0.00859999191,0.01488867495,0.4125063121,0.1868705899,0.1281574816,0.04349040985,0.01276882086,0.06874616444,0.1172201037,0.006751433481,47,0.1562553644,0.338889271,2.747428179,15.5099802,0.2820798457,490.9091187,2791.796631,50.4018898,383.3620911,600,450,1.007703662,2.035833359,0.2379817069,0.4099651575,0.3520531356,0 +Honduras,HND,Latin America and Caribbean,LCN,1994,ephpm,Male,2593291,0.4559993446,0.1969987154,0.03610508889,0.4196050465,0.5078955889,0.4579613507,0.4212828577,0.03667849675,1142964,0.8710148931,,0.07575424016,0.8550412059,0.08570119739,0.9816608429,0.01833916083,0.9727426171,0.02725739218,0.4961332679,0.3782440722,0.1256226599,,,,,,0.06333227456,0.5071228147,0.2298729271,0.2630042732,,0.4353731871,0.001807097346,0.1445714086,0.005396822933,0.07809759676,0.1042171344,0.03997636586,0.01979016326,0.09759322554,0.001427371288,0.04352394864,0.0400916934,0.4057787657,0.2137079835,0.1151939854,0.05953014269,0.013825275,0.04515050352,0.0472859703,0.01591172256,47,0.1143053025,0.3231356144,3.409090996,19.24524689,0.3500131071,613.6364136,3464.144531,63.00236511,388.1541443,646.9235229,787.5,,2.035833359,0.1821584404,0.3153256774,0.4083858132,0.09413008392 +Honduras,HND,Latin America and Caribbean,LCN,1994,ephpm,Old worker,1708925,0,0,0,0.4610676169,1,0.4579613507,0.4212828577,0.03667849675,1125867,0.6603181958,0.4044090509,,0.6513682604,0.08824273944,0.986446023,0.01355399843,,,0.4750087261,0.3973628879,0.1276284009,,,,,,0.1051208898,0.3417813778,0.2308300138,0.4273885787,0.9411703348,,0.001525576808,0.1704323739,0.005219560117,0.0536525026,0.187595576,0.03489962965,0.02100735717,0.1461037397,0.03778229281,0.07387131453,0.06132592261,0.3800849319,0.1411993653,0.101296857,0.04421275854,0.011678298,0.05782423541,0.1010717526,0.0274345465,47,0.1616103798,0.3230318725,3.928571463,22.17785645,0.4033484459,703.125,3992.01416,72.19020081,414.0310669,705.7348022,912.7503052,1.007703662,2.035833359,0.2357803434,0.344252497,0.3024224937,0.1175446436 +Honduras,HND,Latin America and Caribbean,LCN,1994,ephpm,Rural,2999611,0.4660404325,0.1865425259,0.04037890211,0,0.4935806692,0.4579613507,0.4212828577,0.03667849675,881655,0.5969616175,0.2837291658,0.3468150795,0.5917669535,0.09950765967,0.9912981987,0.008701816201,0.9863601327,0.01363984589,0.3858507574,0.50481534,0.1093339324,,,,,,0.05189345777,0.602160275,0.158614561,0.239225179,0.8712431788,0.3297477067,0.0001590294123,0.1257000715,0.0005300980411,0.03222535178,0.1175308004,0.02062772773,0.003337312955,0.06866613775,0.02906320244,0.03608994558,0.01262152661,0.4889614582,0.2228224128,0.08948915452,0.02150499448,0.009232444689,0.04731098935,0.06342114508,0.00854593236,47,0.1780901104,0.283218056,3.080588341,17.39076042,0.3162855804,539.1029053,3130.336914,55.34997177,388.1541443,658.685791,724.5543823,1.007703662,2.035833359,0.2447478324,0.3756021559,0.342389971,0.03726004064 +Honduras,HND,Latin America and Caribbean,LCN,1994,ephpm,Total,5271278,0.4380569458,0.2000757754,0.03767170012,0.4309518635,0.5242713392,0.907409218,0.8355538689,0.07185534914,1661015,0.6010374276,0.3584649265,0.2870492339,0.5895143304,0.07131791115,0.9808279872,0.01917201281,0.9690085649,0.0309914276,0.5150690079,0.3868847191,0.09804624319,,,,,,0.08273661137,0.3672755957,0.2494518459,0.3832725585,0.9404212236,0.5784415603,0.001538383891,0.1888043731,0.00436280435,0.05474627763,0.1648631692,0.03093902394,0.01948245801,0.121187143,0.04680076614,0.06019936502,0.05227201432,0.3648753762,0.1560414135,0.1175365373,0.04994260892,0.01190053858,0.0624845773,0.1029192805,0.0218282938,47,0.1550914794,0.3183798492,3.450258732,19.47764969,0.3542398214,613.6364136,3505.976807,63.00236511,388.1541443,653.2258301,724.5543823,1.007703662,2.035833359,0.1809560806,0.3117285371,0.4067862034,0.1005291864 +Honduras,HND,Latin America and Caribbean,LCN,1994,ephpm,Urban,2271667,0.4011063278,0.21794568,0.03409698606,1,0.5647966862,0.4579613507,0.4212828577,0.03667849675,779360,0.6086325049,0.4384862483,0.2195821106,0.5897548795,0.03869372606,0.968983531,0.03101647459,0.9466107488,0.05338926986,0.6646142006,0.2504028678,0.08498292416,,,,,,0.1184315905,0.09077861905,0.356381923,0.552839458,0.9895482063,0.9158349633,0.003162105801,0.2630882859,0.008874516003,0.08125703037,0.2205809504,0.04307707772,0.03848788515,0.1830127984,0.06768073142,0.08810135722,0.09815979004,0.221269697,0.07875532657,0.1499959677,0.08285365254,0.01498834044,0.08004507422,0.1486307383,0.03720005602,47,0.1285723299,0.3589240015,3.75,21.16977119,0.3850144148,664.7727051,3810.558838,68.25255585,468.7500305,646.3635864,723.2142334,1.007703662,2.035833359,0.1014375985,0.232107982,0.4870581925,0.1793962121 +Honduras,HND,Latin America and Caribbean,LCN,1994,ephpm,Young worker,1054655,0,1,0,0.469442606,1,0.4579613507,0.4212828577,0.03667849675,535148,0.5085135698,0.2822312713,0.2870492339,0.4927540123,0.0350699909,0.9690085649,0.0309914276,0.9690085649,0.0309914276,0.6008662581,0.3644436598,0.03469009697,,,,,,0.03479615599,0.4215584397,0.2891018391,0.2893397212,0.9385938644,0.5784415603,0.001565653132,0.2279224396,0.00253858068,0.05707517266,0.1164608076,0.0225060191,0.01623560861,0.0681341812,0.06600309908,0.03091813251,0.03288125247,0.3323009908,0.1878286749,0.1523170769,0.06221423298,0.01237650961,0.07246564329,0.10687612,0.009821372107,47,0.1412643939,0.3085125685,2.840909004,16.03770447,0.2916775942,506.25,2886.786865,51.97694778,368.1817932,600,450,1.007703662,2.035833359,0.09258041531,0.2593004704,0.5750185251,0.07310059667 +Honduras,HND,Latin America and Caribbean,LCN,1995,ephpm,Female,2697264,0.4225329757,0.202780664,0.03972951695,0.4427019358,0.5377374887,0.4647698402,0.4263186157,0.03845121339,519445,0.3586356342,0.3586356342,0.5012822151,0.3483290374,0.04783981666,0.9712616205,0.02873836458,0.9419552088,0.05804479495,0.5260972381,0.4328714311,0.04103132337,,,,,,0.1265408248,0.06147375703,0.2873330414,0.6511932015,0.9385262728,0.9515958428,0.001238063327,0.2821821272,0.001964447321,0.00194839458,0.3084684014,0.008186869323,0.02131395228,0.1671204865,0.1461035162,0.0004640705301,0,0.002330354182,0,0,0.001196181867,0.001700258465,0.02105120011,0.001524231629,0.003938598558,45,0.2611097991,0.2852637172,4.166666508,18.1686573,0.4277938008,739.3411865,3270.358154,75.90853882,517.5388184,739.3411865,787.5,,2,0.1868618429,0.2928859293,0.4072199166,0.1130322888 +Honduras,HND,Latin America and Caribbean,LCN,1995,ephpm,Higher education,1657262,0.5469672084,0.2220849842,0.006704431958,0.579035759,0.446328342,0.4647698402,0.4263186157,0.03845121339,416646,0.5643690228,0.437853843,0.1235637218,0.5408716202,0.06080405787,0.9583651423,0.04163486511,0.9371379614,0.06286201626,0.7185592651,0.1746460646,0.1067946553,,,,,,0.2518638968,0.08536697179,0.241083473,0.6735495329,0.9910103083,0.877327621,0.001171049662,0.1940123737,0.01018049475,0.0357195586,0.2090272605,0.04916626215,0.07134492695,0.3212978244,0.0227132719,0.00502807321,0.001521455823,0.006562061142,0.0007193703786,0.0005288750981,0.005587026477,0.002443853999,0.02245588601,0.00582514517,0.01131943054,45,0.1561748832,0.2480920106,6.818181992,29.73053169,0.7000262141,1218.75,5351.496094,125.1296844,1012.5,990,1350,1,2,0,0,0.5692518353,0.4307481647 +Honduras,HND,Latin America and Caribbean,LCN,1995,ephpm,Lower education,3671680,0.3902355433,0.1950589418,0.05317919701,0.36640203,0.5565852523,0.4647698402,0.4263186157,0.03845121339,1268952,0.6215475202,0.3288092613,0.3693012595,0.6085420251,0.1062789783,0.9790756702,0.02092435397,0.9643592834,0.03564070538,0.4446627498,0.4680304229,0.08730682731,,,,,,0.02985028923,0.4476196468,0.2566470206,0.2957333326,0.91307652,0.5100471973,0.001568098203,0.1857995838,0.002192229033,0.06708711386,0.1529496908,0.02967934497,0.005757055245,0.052081801,0.05526543781,0,0.00008255906869,0.0005180176813,0,0,0,0.00006960862811,0.00215462991,0.00050830486,0.00146987522,45,0.1758023798,0.2927673459,3.285960913,14.32836056,0.3373712897,588.1123047,2579.104736,60.38179016,517.5388184,675,525,1,2,0.2402526289,0.3920428753,0.3677044809,0 +Honduras,HND,Latin America and Caribbean,LCN,1995,ephpm,Male,2631678,0.4558327496,0.2041640282,0.03769724071,0.422103703,0.5064700246,0.4647698402,0.4263186157,0.03845121339,1166153,0.8758453131,,0.0671467483,0.8540865183,0.1162382066,0.9751567841,0.02484322339,0.9641786218,0.03582136706,0.5047072768,0.3806127906,0.1146799698,,,,,,0.0649086982,0.4925121963,0.2374822199,0.2700055838,,0.4592219293,0.001575718168,0.1456840932,0.005103178322,0.08511922508,0.1032820567,0.04612198845,0.02188189141,0.09543211758,0.003287521191,0.001563663711,0.0006249366561,0.001844841172,0.0002529715421,0.000185982557,0.001437618746,0.000185982557,0.000966933032,0.00193034031,0.003845696105,45,0.1313256174,0.280376941,3.977272749,17.34280968,0.4083486199,705.7348022,3121.705811,72.45815277,540,731.25,937.500061,,2,0.1809292734,0.3085855544,0.4233196676,0.08716551214 +Honduras,HND,Latin America and Caribbean,LCN,1995,ephpm,Old worker,1699039,0,0,0,0.4649169445,1,0.4647698402,0.4263186157,0.03845121339,1125609,0.6631695628,0.4054173231,,0.6511329412,0.118524693,0.9818498492,0.01815017499,,,0.4617243111,0.4166112542,0.121664457,,,,,,0.1079815999,0.3363173008,0.2291455865,0.4345371127,0.9332720041,,0.001901977812,0.1674117446,0.005093696993,0.05473816767,0.1916199028,0.03870878741,0.02293864265,0.1422934979,0.03897629678,0.001500269398,0.0004625300644,0.002712479793,0.0002607978822,0.000191736428,0.00202549994,0.0009641344077,0.008518186398,0.001916455571,0.004952433985,45,0.1826873273,0.2958461642,4.792026043,20.89552498,0.4919997752,862.5646973,3761.194336,88.55995941,575.0431519,844,1125,1,2,0.2414405346,0.3325488567,0.3095085919,0.1165020242 +Honduras,HND,Latin America and Caribbean,LCN,1995,ephpm,Rural,3024017,0.4653078914,0.1939403713,0.04011617601,0,0.4945759177,0.4647698402,0.4263186157,0.03845121339,884034,0.5916730165,0.2694847584,0.347135663,0.5832480192,0.1368392259,0.9857607484,0.01423927117,0.9747912884,0.02520870045,0.3870096505,0.5225854516,0.09040491283,,,,,,0.04751642793,0.6090421081,0.1600589007,0.2308989763,0.8592363596,0.3438068926,0.0006464124308,0.1164445952,0.000740246498,0.04222764447,0.1153046861,0.02217032388,0.002309939591,0.0603665784,0.03074745275,0,0,0.0002198303118,0,0,0,0,0.002398567274,0.0007204909343,0.001628585742,45,0.2044716924,0.2292670459,3.594019651,15.67164326,0.3689998388,635.833374,2820.895752,65.28134155,517.5388184,705.7348022,920.0691528,1,2,0.2530585825,0.3657211661,0.3379453719,0.04327485338 +Honduras,HND,Latin America and Caribbean,LCN,1995,ephpm,Total,5328942,0.4389779568,0.2034638375,0.03872588649,0.4325295687,0.5222961754,0.9146225184,0.8404770655,0.07414545295,1685598,0.6056143654,0.3586356342,0.285930723,0.5898419908,0.09521842748,0.9739564061,0.02604357712,0.9580902457,0.04190975055,0.5112807155,0.3966726065,0.09204671532,,,,,,0.08384910971,0.3595272601,0.2528623044,0.3876104355,0.9385262728,0.5926084518,0.00147154415,0.1877967715,0.004134810064,0.05945917591,0.1665865928,0.03441816196,0.02170666866,0.1175495759,0.0473494269,0.001227332396,0.0004337879946,0.001993344398,0.0001755954145,0.0001290962828,0.001363770687,0.0006491523818,0.007110084873,0.001806124346,0.003874112153,45,0.1710153967,0.2818713784,4,17.4419117,0.4106820524,718.8039551,3139.543945,73.79997253,539.1029053,735.000061,900,1,2,0.184048906,0.3003299534,0.4148536623,0.1007674858 +Honduras,HND,Latin America and Caribbean,LCN,1995,ephpm,Urban,2304925,0.4044335485,0.2159584314,0.03690185025,1,0.5586646199,0.4647698402,0.4263186157,0.03845121339,801564,0.6234329939,0.4550620615,0.2138050497,0.599080205,0.04812964052,0.9609376192,0.03906238452,0.9364597201,0.06354027241,0.6518779993,0.2542177737,0.09390421212,,,,,,0.1249550506,0.07313943654,0.3593800664,0.5674805045,0.9907477498,0.9333069921,0.002418612828,0.2696932852,0.008031018078,0.07923716307,0.2254468948,0.04847596958,0.04396982118,0.1831829995,0.06640481949,0.00262021157,0.0009260867955,0.004006076604,0.000374875759,0.0002756055037,0.002911491552,0.001385864685,0.01245710813,0.003038191702,0.006422522943,45,0.1334512979,0.3409345448,4.444444656,19.37990379,0.4563134015,787.5,3488.382813,80.85302734,607.5,736.3635864,900,1,2,0.09695595503,0.217803672,0.5119149089,0.1733254492 +Honduras,HND,Latin America and Caribbean,LCN,1995,ephpm,Young worker,1084247,0,1,0,0.4590909779,1,0.4647698402,0.4263186157,0.03845121339,559989,0.5172941089,0.2812150121,0.285930723,0.4956144691,0.04720979556,0.9580902457,0.04190975055,0.9580902457,0.04190975055,0.6133620143,0.3556009233,0.03103705309,,,,,,0.03413852304,0.4073915482,0.3017715812,0.2908368707,0.9515958428,0.5926084518,0.000583891815,0.2298353612,0.002157366369,0.06919496506,0.1149622276,0.02556991018,0.01916605793,0.06652195752,0.06461672485,0.000664831372,0.0003745528811,0.0005112646613,0,0,0,0,0.004208101425,0.001578740426,0.001651778235,45,0.1474137604,0.2536132336,3.267290354,14.24694729,0.3354543746,583.333374,2564.450439,59.89113617,514.2857666,654.5454712,562.5,1,2,0.09444136173,0.2500254512,0.5793325901,0.07620060444 +Honduras,HND,Latin America and Caribbean,LCN,1996,ephpm,Female,2789711,0.4204894304,0.2033346891,0.04167349264,0.4460006654,0.5378370881,0.4672642946,0.4262363613,0.04102794081,596787,0.3982506692,0.3982506692,0.4793822467,0.3803556859,0.0566765666,0.9550660253,0.04493395612,0.9134552479,0.08654477447,0.5109470487,0.4491351247,0.0399178192,,,,,,0.1140251011,0.06289365143,0.268276751,0.6688295603,0.9371063709,0.9330890775,0,0.263191402,0.00194591633,0.003139435314,0.3301245272,0.006325117312,0.0218657665,0.1617387384,0.1487754434,0.0933450982,0.09503992647,0.2717208564,0.03098929673,0.1006331891,0.007035445888,0.008786411956,0.1318154782,0.2371910214,0.02344329841,44,0.3377920687,0.2922122478,4.629629612,16.30147743,0.4753264487,828.0621338,2934.265869,85.01756287,582.2312012,900,818.1817627,,2.109374762,0.1836574525,0.3004038036,0.3976028562,0.1183358878 +Honduras,HND,Latin America and Caribbean,LCN,1996,ephpm,Higher education,1755929,0.5413202643,0.2116873711,0.005660251714,0.5891331434,0.45301947,0.4672642946,0.4262363613,0.04102794081,480737,0.6043433547,0.4819388986,0.1193382964,0.5719209909,0.07844886929,0.9463511109,0.05364887789,0.9170240164,0.08297596872,0.7094578147,0.1905720681,0.09997010976,,,,,,0.2257718444,0.08973846585,0.2407946438,0.6694669127,0.9836357832,0.8913541436,0.0005919128889,0.1940580904,0.009088655002,0.03705598041,0.2328607738,0.03736199066,0.06767239422,0.3061797917,0.02539194748,0.1946362853,0.1779727638,0.2395339161,0.05505708233,0.0884192884,0.05940924957,0.01256852504,0.04329524934,0.07740259171,0.05170503631,44,0.1935134381,0.2635769248,7.787042618,27.41910553,0.7994996309,1380.103516,4935.438477,141.6959381,1035.077637,1200,1530,0.9584051967,2.109374762,0,0,0.5656431913,0.4343567789 +Honduras,HND,Latin America and Caribbean,LCN,1996,ephpm,Lower education,3733229,0.3891089857,0.1966873705,0.05695605651,0.3607397377,0.5539349318,0.4672642946,0.4262363613,0.04102794081,1314569,0.6378380656,0.3646500111,0.3593685925,0.6163565516,0.1505775005,0.9663212895,0.03367871791,0.9420566559,0.05794332922,0.4349852204,0.4685994387,0.096415326,,,,,,0.02859727107,0.4344980419,0.2554078996,0.3100940585,0.9133565426,0.5160649419,0.003246915061,0.1864403039,0.001939464943,0.06378121674,0.1670472622,0.02182460949,0.005048076622,0.0536175184,0.06255658716,0.008025688119,0.01737075485,0.3937893212,0.1851269305,0.1187132746,0.03265852854,0.02027795091,0.0930672884,0.1266185194,0.004351741634,44,0.2360163927,0.2907198966,3.75,13.20419693,0.3850144148,673.2625732,2376.755371,69.12420654,575.0431519,818.1817627,600,0.9584051967,2.109374762,0.2434604764,0.4087654352,0.3477740884,0 +Honduras,HND,Latin America and Caribbean,LCN,1996,ephpm,Male,2699447,0.4556892514,0.1995749474,0.03938288242,0.4211925566,0.5049278736,0.4672642946,0.4262363613,0.04102794081,1198519,0.8826106191,,0.06652382761,0.8507620096,0.1685007215,0.9639154673,0.03608453274,0.9456194043,0.05438059941,0.5055956841,0.3687152267,0.1256891191,,,,,,0.06409751624,0.4828249812,0.2432063371,0.2739686966,,0.469530195,0.003810864873,0.1512460858,0.00477088755,0.08337850124,0.1119453758,0.03570239246,0.02150486223,0.0999238342,0.004892218858,0.03941932321,0.04229656979,0.3932678998,0.2099516094,0.1157035902,0.05583451688,0.02291150764,0.0543500185,0.05268460885,0.01358036324,44,0.167440027,0.2790548801,4.629629612,16.30147743,0.4753264487,823.3572388,2934.265869,84.53450775,582.2312012,875,1109.011841,,2.109374762,0.1856517345,0.3206027448,0.4036318958,0.09011363983 +Honduras,HND,Latin America and Caribbean,LCN,1996,ephpm,Old worker,1757449,0,0,0,0.4712563455,1,0.4672642946,0.4262363613,0.04102794081,1201265,0.6850724816,0.4490553439,,0.6668059826,0.1569256783,0.9733364582,0.02666355856,,,0.455453366,0.4169589579,0.1275876909,,,,,,0.104447782,0.3188140392,0.2329479009,0.4482380748,0.938718915,,0.002084889216,0.1743698567,0.00504343817,0.05144971609,0.2054464221,0.02931788005,0.02233210206,0.1455058604,0.04563581198,0.0730118379,0.06984481215,0.3672067523,0.1344597042,0.09090815485,0.03614927828,0.01699572802,0.07804077119,0.1116618961,0.02172103897,44,0.2392214686,0.288196981,5.555555344,19.5617733,0.5703917146,993.6745605,3521.119141,102.02108,642.8571777,999.999939,1227.272827,0.9584051967,2.109374762,0.2403340936,0.3453659713,0.2915948331,0.1227050871 +Honduras,HND,Latin America and Caribbean,LCN,1996,ephpm,Rural,3107958,0.4720530212,0.1878468096,0.04111284763,0,0.4868341088,0.4672642946,0.4262363613,0.04102794081,912158,0.6055410504,0.2935738266,0.3514315784,0.5899477601,0.2007350326,0.9742490053,0.02575102076,0.9538798928,0.0461200811,0.3788733482,0.5208103061,0.1003163159,,,,,,0.04515742138,0.5970029235,0.1719621867,0.2310349047,0.8523817062,0.3473782837,0.001475962577,0.1262666583,0.001713211532,0.04250635207,0.1176732257,0.01381633244,0.002176303416,0.06149311736,0.03587592766,0.03481386229,0.01526102517,0.4673112333,0.2294149995,0.07201669365,0.01699395478,0.02011322603,0.07473198324,0.06447844952,0.004864578601,44,0.2794829607,0.2170110792,3.833620787,13.49863625,0.3935998082,690.0517578,2429.754395,70.84796906,564.5878296,810.8108521,940.9796753,0.9584051967,2.109374762,0.2593926489,0.3859246969,0.3174589872,0.03722367436 +Honduras,HND,Latin America and Caribbean,LCN,1996,ephpm,Total,5489158,0.4377999306,0.2014857233,0.04054702073,0.4338006079,0.5216530561,0.9169829366,0.8392549903,0.0777279463,1795306,0.6269761122,0.3982506692,0.2784760892,0.6025076166,0.1315571964,0.9609737992,0.03902621567,0.9359741211,0.06402588636,0.5073636174,0.3952836692,0.0973527208,,,,,,0.08059217036,0.343239665,0.2515397668,0.405220598,0.9371063709,0.6057819724,0.002544132061,0.188456744,0.003831866197,0.05670700595,0.1844681948,0.02593737654,0.02162482776,0.1204711273,0.05271905288,0.05723486841,0.05972147733,0.353112191,0.1508275419,0.1107247546,0.03971268982,0.01824497618,0.07994240522,0.113640286,0.01683879644,44,0.2246721238,0.2834752798,4.629629612,16.30147743,0.4753264487,825.000061,2934.265869,84.70317841,582.2312012,887.2094727,990,0.9584051967,2.109374762,0.1845987588,0.3099377155,0.4004485607,0.10501495 +Honduras,HND,Latin America and Caribbean,LCN,1996,ephpm,Urban,2381200,0.3930925727,0.2192873359,0.03980850056,1,0.5670989156,0.4672642946,0.4262363613,0.04102794081,883148,0.6541381478,0.5065868497,0.1973295957,0.6196405292,0.05807144195,0.9472625256,0.05273747817,0.9146288037,0.08537121117,0.6438553333,0.2619400918,0.09420456737,,,,,,0.1182335541,0.07013516873,0.3371825516,0.592682302,0.9887514114,0.9334799051,0.003693714971,0.2553868294,0.006111999508,0.07199000567,0.2563541234,0.03898225725,0.04255567119,0.1839443147,0.07084592432,0.08105210215,0.1069506183,0.231801644,0.06734618545,0.1518432945,0.06384619325,0.01626038551,0.08547729999,0.1658635885,0.0295586884,44,0.1690186858,0.3509612381,5.208333492,18.33916283,0.5347422957,920.4545288,3301.049316,94.50354004,679.0908813,900,1012.5,0.9584051967,2.109374762,0.09256459028,0.2164354771,0.5025675297,0.1884323657 +Honduras,HND,Latin America and Caribbean,LCN,1996,ephpm,Young worker,1105987,0,1,0,0.4721276164,1,0.4672642946,0.4262363613,0.04102794081,594041,0.5385879874,0.3146025836,0.2784760892,0.5041044354,0.07820944488,0.9359741211,0.06402588636,0.9359741211,0.06402588636,0.6165264249,0.3497024179,0.03377115726,,,,,,0.03042587638,0.3942180574,0.2903425395,0.3154394031,0.9330890775,0.6057819724,0.003502611071,0.2178572863,0.001303212252,0.06767942756,0.140684858,0.01888197474,0.02014868334,0.06822151691,0.06750237942,0.02405725047,0.03843297064,0.3234725595,0.1852476746,0.1523973644,0.04720624164,0.02087203972,0.0839413926,0.1178006753,0.006571859587,44,0.1947741807,0.2737725377,3.75,13.20419693,0.3850144148,675,2376.755371,69.30259705,517.5388184,818.1817627,609.375,0.9584051967,2.109374762,0.09713162482,0.2543390989,0.5712759495,0.07725330442 +Honduras,HND,Latin America and Caribbean,LCN,1997,ephpm,Female,2862836,0.4063460231,0.2064976841,0.04682664201,0.4497690499,0.5468273163,0.4650172889,0.4219663739,0.04305091873,666970,0.4260490537,0.4260490537,0.4444904923,0.4056603909,0.06411916018,0.9521448016,0.04785522446,0.9189879894,0.08101202548,0.5253333449,0.4297348857,0.04493175447,,,,,,0.1085454449,0.07313830405,0.2782873213,0.6485743523,0.9268617034,0.9267942905,0.0001885502134,0.2742143273,0.001639428083,0.002245025709,0.3223457634,0.004900707398,0.02355599217,0.1566340923,0.1411378235,0.04310066253,0.0788821429,0.2763904631,0.06477554142,0.0008956853417,0.1315014511,0.1442830712,0.02465519682,0.2355157733,0,44,0.3185191453,0.3030956686,6.095457554,17.85595512,0.6258237362,1084.090942,3214.072021,111.3041763,857.1428833,1125,1125,,2.083026648,0.181371212,0.2907395959,0.407582283,0.1203068942 +Honduras,HND,Latin America and Caribbean,LCN,1997,ephpm,Higher education,1806451,0.5266746879,0.2169264555,0.007201413158,0.5944279432,0.4661239088,0.4650172889,0.4219663739,0.04305091873,521902,0.6198140383,0.5008404851,0.1228044182,0.5852463841,0.07711523026,0.9442290068,0.05577100813,0.9060993195,0.09390070289,0.6941080689,0.2069034725,0.09898842126,,,,,,0.2131129503,0.09745039791,0.2304322571,0.6721173525,0.9868049622,0.8855361938,0.0008459379314,0.190021649,0.005960863549,0.0336037986,0.241553545,0.03784383088,0.06588181108,0.3051540256,0.02168413997,0.1081734374,0.1716075093,0.2152862102,0.1128824204,0.04429698363,0.1828669608,0.0338823162,0.03792772442,0.09307643026,0,44,0.1770513356,0.2930378318,9.375,27.46300507,0.962536037,1687.5,4943.341309,173.256485,1035.077637,1380.103516,1928.571533,1,2.083026648,0,0,0.5694999099,0.4305000603 +Honduras,HND,Latin America and Caribbean,LCN,1997,ephpm,Lower education,3870408,0.3857973218,0.1973259598,0.06072434783,0.3686298728,0.5534783602,0.4650172889,0.4219663739,0.04305091873,1415467,0.6607578993,0.3948844671,0.3246492147,0.6363580823,0.1523073018,0.9630729556,0.03692703694,0.944953382,0.05504661798,0.4220083952,0.4723128974,0.1056787074,,,,,,0.018655397,0.465780884,0.2297967076,0.3044224083,0.8963247538,0.4900978804,0.002323359484,0.1762422472,0.002387155313,0.04884395748,0.1622546017,0.02084347233,0.007274221629,0.04923786223,0.06481223553,0.01044898387,0.01246295962,0.1257002652,0.4525701106,0.02727012895,0.1498235613,0.07764323056,0.02496146038,0.1191193014,0,44,0.2272616178,0.3166620135,4.792026043,14.0376997,0.4919997752,862.5646973,2526.785889,88.55995941,776.3082886,1058.602173,739.3411865,1,2.083026648,0.2388148159,0.4000603259,0.3611248732,0 +Honduras,HND,Latin America and Caribbean,LCN,1997,ephpm,Male,2814023,0.4553278387,0.2005776018,0.04050428793,0.4310334325,0.5041678548,0.4650172889,0.4219663739,0.04305091873,1270399,0.8954417109,,0.05899580196,0.8605812192,0.167827934,0.9610689282,0.03893107548,0.9428654313,0.05713456124,0.4780902565,0.3873348534,0.1345748901,,,,,,0.05038736388,0.5218838453,0.204882279,0.2732338905,,0.431583941,0.002838998102,0.1309148967,0.004208319355,0.06692007184,0.1109573022,0.03593576327,0.02232466079,0.09611538798,0.007900758646,0.02613138035,0.03153683245,0.08113782853,0.5319364667,0.04565188289,0.1694573462,0.03095912561,0.02930619009,0.05388293043,0,44,0.1590001285,0.3141255379,5.996878624,17.56718063,0.6157026291,1078.205811,3162.092773,110.6999435,787.09021,1145.45459,1350,,2.083026648,0.1784058362,0.3134944737,0.4179290831,0.09017059207 +Honduras,HND,Latin America and Caribbean,LCN,1997,ephpm,Old worker,1828618,0,0,0,0.4779713452,1,0.4650172889,0.4219663739,0.04305091873,1284596,0.702495575,0.4740564525,,0.681067884,0.1628616303,0.9694977999,0.0305021964,,,0.4442863464,0.4167525172,0.1389611363,,,,,,0.09031221271,0.3451477587,0.2093923539,0.4454599023,0.926890254,,0.00194583775,0.1618811488,0.004124002066,0.0414413698,0.2041507363,0.02741943859,0.02485161647,0.1393609494,0.04967714846,0.04036441445,0.04893521965,0.1712394357,0.3588365912,0.03676754236,0.1348796487,0.0700006038,0.02030787431,0.1186686754,0,44,0.23239851,0.3140616715,7.188039303,21.05655098,0.7379996777,1293.847046,3790.179199,132.8399353,862.5646973,1298.076904,1563.75,1,2.083026648,0.2327132076,0.3336139321,0.3125636876,0.1211091802 +Honduras,HND,Latin America and Caribbean,LCN,1997,ephpm,Rural,3176306,0.4605655074,0.1940889806,0.0448105447,0,0.4946239293,0.4650172889,0.4219663739,0.04305091873,981154,0.6245104671,0.3291779757,0.3225588202,0.6133779287,0.2013668716,0.9821740389,0.01782594807,0.9696032405,0.03039676137,0.3524973392,0.5302688479,0.1172338054,,,,,,0.03707516193,0.6308693886,0.143133536,0.2259970903,0.8393958211,0.3231294453,0.001477936865,0.1105010733,0.001045090146,0.03010944277,0.1163095608,0.01203313842,0.004592346959,0.05549303442,0.03756900877,0.008541201241,0.01155751105,0.09660562873,0.6360237598,0.01408112049,0.08488281816,0.06086719409,0.0197273083,0.06771346927,0,44,0.2524476945,0.2490745336,4.92894125,14.43877792,0.5060569048,887.2094727,2598.980225,91.09024811,784.1497803,1109.011841,1155.220459,1,2.083026648,0.249497056,0.3757332563,0.3325460553,0.04222362489 +Honduras,HND,Latin America and Caribbean,LCN,1997,ephpm,Total,5676859,0.4306263328,0.2035630941,0.04369264841,0.440481782,0.5256810188,0.9022942891,0.8191780135,0.08311627555,1937369,0.6492051299,0.4260490537,0.2562030554,0.6219363503,0.1323426366,0.9579966664,0.04200335592,0.9353634715,0.06463655829,0.4942550957,0.4018425643,0.1039023325,,,,,,0.07028689981,0.3685493171,0.2299644798,0.4014861882,0.9268617034,0.5839861631,0.001933351043,0.179879725,0.003330539679,0.04482087493,0.1831878722,0.02533121035,0.02274540253,0.116794385,0.05342731625,0.03169714659,0.04706565291,0.1451788843,0.3787120283,0.03097226657,0.1570081562,0.06812832505,0.02778070793,0.1134568155,0,44,0.2138151377,0.3103353679,6,17.57632446,0.6160230637,1080,3163.738281,110.8841553,798.4884644,1138.585449,1281.52478,1,2.083026648,0.1799708307,0.3014854193,0.412468493,0.1060752347 +Honduras,HND,Latin America and Caribbean,LCN,1997,ephpm,Urban,2500553,0.392596364,0.2155975103,0.04227264971,1,0.5651310086,0.4650172889,0.4219663739,0.04305091873,956215,0.6766597629,0.5256034136,0.1803239733,0.6314512491,0.0578004308,0.9331886768,0.06681133062,0.8948723674,0.105127655,0.6473453045,0.2631495893,0.08950510621,,,,,,0.1061536744,0.08038008213,0.3253518045,0.5942680836,0.9860447049,0.9224562645,0.002433642047,0.2560949922,0.005841199309,0.06098198146,0.2566564381,0.03993968666,0.04268727079,0.1841364056,0.07084831595,0.05885922909,0.08871694654,0.2021556348,0.07688365877,0.050785698,0.2416116893,0.07664567977,0.03722739965,0.167114079,0,44,0.1721993387,0.3763268292,6.704545498,19.64021111,0.6883591413,1200,3535.238037,123.2046127,900,1145.45459,1312.5,1,2.083026648,0.09543019533,0.2112035453,0.5096504688,0.1837158203 +Honduras,HND,Latin America and Caribbean,LCN,1997,ephpm,Young worker,1155599,0,1,0,0.4665225446,1,0.4650172889,0.4219663739,0.04305091873,652773,0.5648784637,0.3469278812,0.2562030554,0.5283666849,0.0700923726,0.9353634715,0.06463655829,0.9353634715,0.06463655829,0.5961773992,0.3714304566,0.03239215165,,,,,,0.02944085933,0.4160138369,0.2716901302,0.3122960031,0.9267942905,0.5839861631,0.001908024657,0.2163855284,0.001721190289,0.05167539045,0.1406696886,0.02109574154,0.01847344823,0.07102348655,0.06103364006,0.01491999067,0.04344675317,0.09473369271,0.4171847701,0.01975440048,0.1998421401,0.06450416893,0.04224580526,0.1033682674,0,44,0.1768973917,0.3029327095,5,14.64693642,0.5133525729,900,2636.448486,92.40346527,739.3411865,1052.621338,862.5646973,1,2.083026648,0.0971269533,0.2510203421,0.5693917274,0.08246100694 +Honduras,HND,Latin America and Caribbean,LCN,1998,ephpm,Female,2935074,0.4060933292,0.2068312466,0.04514945671,0.452216208,0.5487571955,0.4590775669,0.4159836173,0.04309395701,710068,0.4408599436,0.4408599436,0.4322963655,0.4212497771,0.07229658216,0.9555183649,0.04448165372,0.9078250527,0.09217493981,0.5003706813,0.460867852,0.03876147047,,,,,,0.1129858792,0.07457319647,0.2707699835,0.6546568274,0.9254267812,0.9225795269,0.0001125033159,0.2662983537,0.001767052105,0.002592076547,0.3481107652,0.008509751409,0.02334518917,0.1498334259,0.1248576865,0.03285847977,0.07837785035,0.3156711161,0.07141617686,0.0004692888469,0.1405635774,0.12787956,0.01374157052,0.2190223932,0,43,0.3424989581,0.2874130011,7.5,19.32855606,0.7700288296,1350,3479.139893,138.6051941,857.6357422,1469.387695,1430,,2.089411736,0.1716760993,0.2924782932,0.4274859726,0.1083596498 +Honduras,HND,Latin America and Caribbean,LCN,1998,ephpm,Higher education,1855837,0.5151228309,0.231130749,0.006045250688,0.5971591473,0.478831917,0.4590775669,0.4159836173,0.04309395701,557200,0.6270297766,0.520829916,0.11007341,0.5917239189,0.1019424647,0.943693459,0.05630653352,0.8989653587,0.1010346562,0.6709557772,0.2233248204,0.1057193801,,,,,,0.2104574591,0.0853324309,0.2316611856,0.6830064058,0.9913752079,0.8994566798,0.0005387784913,0.1931036413,0.006936288439,0.03108247928,0.2589450777,0.03607296199,0.07453554869,0.2924908102,0.02096197195,0.1030886918,0.1731369346,0.2550172806,0.09544379264,0.03540636599,0.1927938163,0.03774730489,0.02734674513,0.0800190866,0,43,0.1926361769,0.2812101543,11.66666698,30.06664276,1.19782269,2096.59082,5411.996094,215.2580566,1437.60791,1800,2250,1.041666627,2.089411736,0,0,0.630880177,0.3691197932 +Honduras,HND,Latin America and Caribbean,LCN,1998,ephpm,Lower education,3928695,0.382208854,0.1948440969,0.06121778488,0.3704413176,0.556573391,0.4590775669,0.4159836173,0.04309395701,1464289,0.6696626544,0.4060046375,0.3216896951,0.6459524035,0.1854919493,0.9645937085,0.03540626168,0.9414607882,0.05853921548,0.4412330687,0.4649784267,0.09378849715,,,,,,0.02146209031,0.4265537858,0.2462399006,0.3272063136,0.8897910714,0.5182741284,0.002633989789,0.1760181636,0.002366992412,0.06522075832,0.1895242035,0.02479908615,0.008868485689,0.0461567156,0.0578578189,0.008566936478,0.0122362338,0.1543685943,0.4058048129,0.02631212026,0.1660128087,0.08268931508,0.02751686797,0.1164923161,0,43,0.2455929369,0.3049371839,5.750431538,14.81967163,0.5903997421,1035.077637,2667.541016,106.2719498,940.9796753,1260,948.821167,1.041666627,2.089411736,0.220785439,0.4041489959,0.3750655651,0 +Honduras,HND,Latin America and Caribbean,LCN,1998,ephpm,Male,2849458,0.444172889,0.2061300725,0.04183532298,0.4338695407,0.5139917731,0.4590775669,0.4159836173,0.04309395701,1311421,0.8954136372,,0.05283140391,0.8601589203,0.2115825862,0.9606274366,0.03937255964,0.9405092597,0.05949076638,0.5052679777,0.3663277924,0.1284042448,,,,,,0.05105545744,0.4738413095,0.2269679755,0.2991907001,,0.4794625938,0.003118184162,0.1345533282,0.004592924844,0.08470354229,0.1331003755,0.03826011345,0.02842850983,0.09296435118,0.006437359378,0.0279460419,0.0326564908,0.1063432321,0.4712593853,0.04246273637,0.1878944039,0.04471031576,0.03444333002,0.05228406191,0,43,0.1692525595,0.3043413162,7.03125,18.12052155,0.7219020724,1260,3261.693848,129.3648529,970.3852539,1333.333374,1676.470581,,2.089411736,0.1596381217,0.3165135086,0.4509131908,0.07293515652 +Honduras,HND,Latin America and Caribbean,LCN,1998,ephpm,Old worker,1880817,0,0,0,0.4813684821,1,0.4590775669,0.4159836173,0.04309395701,1342314,0.713686645,0.4917096496,,0.6946869493,0.1937288195,0.9733780622,0.02662193775,,,0.4518395066,0.420945853,0.1272146553,,,,,,0.09513317049,0.310211122,0.2206653357,0.4691235423,0.9265935421,,0.00235096016,0.1591014117,0.004912022501,0.05430093035,0.2297715843,0.02987984382,0.02864422277,0.1352044195,0.04562346637,0.03913434967,0.04790734872,0.1999247968,0.3162744343,0.0334283784,0.1520610899,0.0733743906,0.02253431454,0.1153608859,0,43,0.2424734235,0.3049347401,8.333333015,21.47617149,0.8555876017,1499.999878,3865.710938,154.0057526,970.3852539,1485,1928.571533,1.041666627,2.089411736,0.2137524784,0.3433102369,0.3352257907,0.1077115014 +Honduras,HND,Latin America and Caribbean,LCN,1998,ephpm,Rural,3220951,0.4567275345,0.1949992478,0.04542757571,0,0.4978449047,0.4590775669,0.4159836173,0.04309395701,1020010,0.6361012459,0.3498531878,0.3090037405,0.6215365529,0.2454520315,0.9771031737,0.02289683372,0.9611813426,0.03881864622,0.3851041794,0.5152354836,0.09966036677,,,,,,0.04526139796,0.5788066387,0.1634018123,0.257791549,0.8441164494,0.3645833433,0.001466141897,0.1163200065,0.00190213148,0.04371353611,0.1443683356,0.01187209878,0.004900320433,0.05789232627,0.03875846416,0.008449008688,0.0135983238,0.1235981807,0.5751668811,0.0107513871,0.1042673811,0.07407879084,0.01850874349,0.07158132643,0,43,0.2824401855,0.2335101068,5.990032673,15.43715763,0.6149997115,1078.205811,2778.688477,110.6999435,955.4562988,1319.723999,1478.682373,1.041666627,2.089411736,0.2292423993,0.3786925673,0.3520149589,0.04005006701 +Honduras,HND,Latin America and Caribbean,LCN,1998,ephpm,Total,5784532,0.4248512983,0.2064858526,0.04351691902,0.4431786239,0.5316317827,0.8810011603,0.7991457851,0.08185537516,2021489,0.6573432655,0.4408599436,0.2456941605,0.6302822841,0.1628261358,0.9588328004,0.04116718099,0.9300857782,0.06991423666,0.5035536885,0.3994211257,0.09702518582,,,,,,0.07273393124,0.334156394,0.2422922105,0.4235514104,0.9254267812,0.6168053746,0.002066639485,0.1806446463,0.00360428635,0.05597664416,0.2083222866,0.02785187587,0.02665009722,0.1128601357,0.0478670001,0.029598644,0.04803768918,0.1767635792,0.3367474675,0.02833564952,0.1719717532,0.07268942147,0.02747901529,0.1083767861,0,43,0.2308331579,0.2983241379,7.222222328,18.61268425,0.7415092587,1293.847046,3350.283203,132.8399353,970.3852539,1350,1542.857056,1.041666627,2.089411736,0.1659862399,0.3038387597,0.4385590553,0.09161595255 +Honduras,HND,Latin America and Caribbean,LCN,1998,ephpm,Urban,2563581,0.3848011792,0.2209179252,0.04111631215,1,0.5740824938,0.4590775669,0.4159836173,0.04309395701,1001479,0.68048805,0.5340620875,0.1754826158,0.6398114562,0.07537050545,0.9402244091,0.0597755909,0.8939586878,0.1060413122,0.6289268732,0.2768371403,0.09423596412,,,,,,0.1018123105,0.07167061418,0.3269338906,0.6013954878,0.9820455313,0.9342586994,0.002710914472,0.2496586889,0.005430531688,0.06913375854,0.2769386172,0.04499661177,0.04998547584,0.1718352139,0.05763956904,0.05372438952,0.08732325584,0.2374102473,0.06477843225,0.04839431494,0.2492032796,0.07110454887,0.03771155328,0.1503499895,0,43,0.1784016192,0.3641737103,7.954545498,20.49998283,0.8166972399,1431.818237,3689.99707,147.0055084,1125,1350,1575,1.041666627,2.089411736,0.08988834172,0.2137887329,0.5426726341,0.1536503285 +Honduras,HND,Latin America and Caribbean,LCN,1998,ephpm,Young worker,1194424,0,1,0,0.4741540551,1,0.4590775669,0.4159836173,0.04309395701,679175,0.5686213374,0.3567970395,0.2456941605,0.5288666487,0.09890753776,0.9300857782,0.06991423666,0.9300857782,0.06991423666,0.6105184555,0.3548997939,0.03458178043,,,,,,0.0264037326,0.3831946254,0.286582619,0.3302227557,0.9225795269,0.6168053746,0.001484370092,0.2247637063,0.00092613179,0.05940839648,0.1643955857,0.02369873598,0.0225662645,0.06710056961,0.05246160552,0.01089846063,0.04829329997,0.1313428283,0.376896441,0.01834845729,0.2110179663,0.07134614885,0.03717591614,0.09468048066,0,43,0.2068849802,0.2847237587,6.25,16.10713005,0.641690731,1121.334106,2899.283447,115.1279449,940.9796753,1293.847046,1035.077637,1.041666627,2.089411736,0.09081021696,0.2417172343,0.601188302,0.06628425419 +Honduras,HND,Latin America and Caribbean,LCN,1999,ephpm,Female,3017261,0.4077403247,0.2060411721,0.04536200315,0.4573097825,0.5468976498,0.4596501887,0.4144790769,0.04517110437,786991,0.4769257903,0.4769257903,0.3996429145,0.4577570558,,0.959807694,0.04019232839,0.9218304157,0.07816956192,0.4668171406,0.4971775115,0.03600534797,,,,,,0.09526053816,0.08219238371,0.2620229125,0.6557847261,0.9178076386,0.9069942236,0.001056974055,0.2541673779,0.002219235292,0.004579309374,0.3743041754,0.005569282454,0.02543027513,0.1281099021,0.1223710701,0.02365935035,0.06680715084,0.3355066478,0.07666642964,0.0002825257834,0.1184511185,0.1312288493,0.02502100728,0.2223769128,0,42,0.3893680573,0.2707424164,7.667241573,17.69559097,0.7871996164,1329.54541,3185.206299,136.5051117,887.2094727,1431.818237,1350,,2.357681751,0.166800186,0.2933299839,0.4269589186,0.112910904 +Honduras,HND,Latin America and Caribbean,LCN,1999,ephpm,Higher education,1885429,0.5138067007,0.2341313362,0.006783601828,0.603708744,0.4794097245,0.4596501887,0.4144790769,0.04517110437,575523,0.6367158294,0.5307987928,0.09252035618,0.6003907323,,0.942949295,0.05705071613,0.8933497667,0.1066502184,0.6500942707,0.2548623681,0.09504338354,,,,,,0.1921321452,0.1014347598,0.2404774874,0.6580877304,0.9832543731,0.869733274,0.0001299359137,0.1968340874,0.01022915822,0.03328431025,0.2681952715,0.03687731922,0.07114274055,0.2567646801,0.02510776184,0.08481869847,0.1629170775,0.2639707923,0.1108435839,0.0352881439,0.1838371009,0.04174989089,0.02586358227,0.09071112424,0,42,0.2252312303,0.2868794203,13.06818199,30.16067886,1.341717005,2343.75,5428.921875,240.6340179,1499.999878,1956.521729,2625,0.9790936708,2.357681751,0,0,0.5882609487,0.4117390811 +Honduras,HND,Latin America and Caribbean,LCN,1999,ephpm,Lower education,4042356,0.3840831816,0.1937046051,0.06022354215,0.3734233081,0.5556932688,0.4596501887,0.4144790769,0.04517110437,1558444,0.6937795877,0.454079181,0.3029847145,0.6704426408,,0.9663625956,0.03363739699,0.939969182,0.06003081426,0.4356277585,0.4685781598,0.09579408169,,,,,,0.02145586163,0.4226784706,0.2383618504,0.3389596939,0.8858739138,0.5352734327,0.00224198564,0.1697662324,0.001592055545,0.06476157159,0.197737813,0.02341455035,0.007237981539,0.04830100015,0.06226835027,0.006054397672,0.009416240267,0.1633769572,0.400927484,0.02646663599,0.1581412405,0.07813301682,0.03633442521,0.1211495921,0,42,0.2917726338,0.2880106866,6.25,14.42467213,0.641690731,1125,2596.440918,115.5043259,1006.325562,1350,940.9796753,0.9790936708,2.357681751,0.2236147225,0.3991782069,0.3772070706,0 +Honduras,HND,Latin America and Caribbean,LCN,1999,ephpm,Male,2910524,0.4435929656,0.2071039379,0.04101185873,0.4356387258,0.5153951645,0.4596501887,0.4144790769,0.04517110437,1346976,0.8979421258,,0.04916545004,0.8621937633,,0.9601886272,0.03981139883,0.9301489592,0.06985104084,0.5074020624,0.3622002006,0.1303977072,,,,,,0.04996710271,0.4846951663,0.2255654782,0.2897393405,,0.48155725,0.002040378982,0.1323185712,0.004856576212,0.08634994179,0.1252065152,0.03938959539,0.02355372347,0.08968888968,0.01190062892,0.02325566299,0.03002780303,0.1016358882,0.4826940894,0.04414315149,0.1891678274,0.03593723476,0.03906710073,0.05407122895,0,42,0.199101001,0.2984391451,7.8125,18.03083992,0.8021133542,1380.103516,3245.551025,141.6959381,1035.077637,1509.488281,1754.368896,,2.357681751,0.1701491624,0.3086493015,0.4319652915,0.08923624456 +Honduras,HND,Latin America and Caribbean,LCN,1999,ephpm,Old worker,1925742,0,0,0,0.4832080305,1,0.4596501887,0.4144790769,0.04517110437,1414365,0.7344519496,0.5313193798,,0.717320919,,0.9766750336,0.02332495525,,,0.4265018404,0.444196552,0.1293016076,,,,,,0.08582463115,0.3174881935,0.2197003812,0.4628114402,0.9223765135,,0.001714030746,0.1589444429,0.005305510946,0.05373639241,0.2354781181,0.03006978519,0.02665888704,0.1233594716,0.04724516347,0.03166111559,0.04617397115,0.2105014324,0.3199156821,0.03188572451,0.1405512691,0.07213161141,0.0295490101,0.1176301837,0,42,0.2890845835,0.2928842604,9.375,21.63700867,0.962536037,1646.714478,3894.661621,169.0690155,1058.602173,1687.5,2045.454468,0.9790936708,2.357681751,0.2189173996,0.3407441974,0.3226187527,0.1177196577 +Honduras,HND,Latin America and Caribbean,LCN,1999,ephpm,Rural,3280025,0.4569779336,0.1939265728,0.04568075016,0,0.4973413348,0.4596501887,0.4144790769,0.04517110437,1081985,0.6632687449,0.3994722664,0.292308867,0.6477479339,,0.9765995145,0.02340050973,0.9586379528,0.04136207327,0.3837532401,0.5126577616,0.1035890207,,,,,,0.03988015279,0.5783208609,0.1614530981,0.2602260411,0.8268692493,0.3842481077,0.0006506756181,0.1177934334,0.001128350385,0.04188063368,0.1501705498,0.01385352761,0.003837736789,0.05254806206,0.03981615603,0.004720824771,0.009408431128,0.134302184,0.56919837,0.01350886654,0.09491670877,0.06734599918,0.03134775907,0.07525084168,0,42,0.3493679762,0.2125772387,6.482304573,14.96081924,0.6655415297,1125.084351,2692.947266,115.5129852,1035.077637,1411.469604,1293.847046,0.9790936708,2.357681751,0.2342471778,0.374442935,0.3515303731,0.03977951035 +Honduras,HND,Latin America and Caribbean,LCN,1999,ephpm,Total,5927785,0.4253438711,0.2065629959,0.04322609678,0.4466693699,0.5314300358,0.8817152519,0.8003760466,0.08133920529,2133967,0.6774061873,0.4769257903,0.2271089107,0.6503425495,,0.9600481391,0.03995188326,0.9273681641,0.07263181359,0.4924384058,0.4119663537,0.09559523314,,,,,,0.0666667968,0.3372039497,0.2389247715,0.4238712788,0.9178076386,0.62250036,0.001680024667,0.1769682765,0.003890161635,0.05638629943,0.2164846808,0.02699663863,0.02424135804,0.1037677079,0.05238089338,0.02340047434,0.04322136939,0.1855304986,0.3370429873,0.02840937674,0.16380018,0.07012044638,0.03402845562,0.1144462004,0,42,0.2729403973,0.2876905203,7.787042618,17.97208595,0.7994996309,1380.103516,3234.975342,141.6959381,1035.077637,1499.999878,1607.142944,0.9790936708,2.357681751,0.1683876216,0.3005914092,0.4293319583,0.1016890109 +Honduras,HND,Latin America and Caribbean,LCN,1999,ephpm,Urban,2647760,0.3861558437,0.2222168893,0.04018528759,1,0.5736588836,0.4596501887,0.4144790769,0.04517110437,1051982,0.6925896406,0.5548747778,0.1566223651,0.6531291008,,0.9430246949,0.05697530881,0.8909306526,0.1090693548,0.6082032323,0.3047160208,0.08708072454,,,,,,0.09519830346,0.07460639626,0.3232982457,0.6020953655,0.9860001802,0.9276359677,0.002801076509,0.2414149046,0.006898017135,0.07218424231,0.2887066305,0.04131064564,0.04646269977,0.1595503986,0.06606499851,0.04486763477,0.08208011836,0.2444034815,0.07024370879,0.04553344846,0.2429629415,0.0733089149,0.03710918501,0.1594905704,0,42,0.2011491209,0.3582472503,8.75,20.19454002,0.8983669877,1575,3635.017334,161.7060547,1028.571533,1534.090942,1687.5,0.9790936708,2.357681751,0.09014660865,0.21285595,0.5217601061,0.1752373576 +Honduras,HND,Latin America and Caribbean,LCN,1999,ephpm,Young worker,1224461,0,1,0,0.4805191755,1,0.4596501887,0.4144790769,0.04517110437,719602,0.5876888037,0.3869418204,0.2271089107,0.545003891,,0.9273681641,0.07263181359,0.9273681641,0.07263181359,0.6289260387,0.3452503681,0.02582357265,,,,,,0.02701038122,0.3774996698,0.2782161534,0.3442841768,0.9069942236,0.62250036,0.001610522042,0.2138059586,0.0009974256391,0.06180226058,0.1776652932,0.02071564458,0.01930033788,0.06372542679,0.06287746876,0.007157722488,0.03741572052,0.1364306211,0.3707201183,0.02157389373,0.2095140815,0.06616593152,0.0428363122,0.1081855893,0,42,0.2409908772,0.2774120271,6.273198128,14.47821236,0.644072473,1125,2606.078125,115.5043259,970.3852539,1350,1031.25,0.9790936708,2.357681751,0.08934205025,0.2377789766,0.596267283,0.07661169022 +Honduras,HND,Latin America and Caribbean,LCN,2001,ephpm,Female,3236585,0.3956982493,0.2080791891,0.04421635717,0.4827053845,0.5600854158,0.4512955248,0.4059032202,0.04539228976,808250,0.4458660781,0.4458660781,0.397788465,0.4237120748,0.07834108174,0.950312376,0.0496875979,0.9025265574,0.0974734202,0.5033667684,0.457952857,0.03868036345,,,,,,0.1129815504,0.04664817825,0.2459399253,0.7074118853,0.9533517957,0.9540492892,0.0007225715672,0.2371961623,0.002363004256,0.005658191163,0.3684958816,0.009110911749,0.03220976889,0.1892421395,0.1083531901,0.03354294598,0.1269864142,0,0.06538426131,0.272028029,0.04451822117,0.2291280925,0.01790545322,0.2105065882,0,42,0.3468930125,0.2678854167,12.5,23.68939972,1.283381462,2250,4264.091797,231.0086517,1411.469604,2227.5,2385,,2.607523918,0.1593987346,0.2759140432,0.4347943068,0.1298929155 +Honduras,HND,Latin America and Caribbean,LCN,2001,ephpm,Higher education,2124164,0.485249728,0.2480058074,0.008015859872,0.6148291826,0.5067344308,0.4512955248,0.4059032202,0.04539228976,659266,0.6124804616,0.5217946172,0.09798312187,0.5740556121,0.1024152562,0.9372635484,0.06273643672,0.8983068466,0.1016931683,0.6620440483,0.2342330366,0.1037228927,,,,,,0.2069505751,0.07195916772,0.2029208392,0.725120008,0.9915754199,0.9183513522,0.0003738432715,0.1623046249,0.006497751921,0.03374461457,0.3000909388,0.04779205844,0.07332992554,0.2745789886,0.02932808548,0.08628982306,0.2574614882,0,0.1377070248,0.1839422137,0.06747142971,0.1739892513,0.01792991161,0.0752088502,0,42,0.2449197471,0.2625289261,20.83333397,39.48233414,2.138969183,3750.000244,7106.819824,385.0144348,2587.694092,2999.999756,4090.908936,1.04339993,2.607523918,0,0,0.5712019205,0.4287981093 +Honduras,HND,Latin America and Caribbean,LCN,2001,ephpm,Lower education,4215114,0.3795811832,0.1874058396,0.06148777902,0.3916491866,0.5589310527,0.4512955248,0.4059032202,0.04539228976,1559775,0.6620554924,0.4087068439,0.3233852684,0.634888649,0.2289153934,0.9589658976,0.04103412479,0.9294780493,0.07052195817,0.4108021855,0.4889425039,0.100255318,,,,,,0.02327562124,0.3945857882,0.2420624495,0.3633517325,0.9300457835,0.5437249541,0.001847876469,0.171901986,0.001996963518,0.06631563604,0.2185662091,0.02716124244,0.01116681658,0.05491883308,0.05153863877,0.01004832983,0.01045213453,0,0.04070877284,0.1465304494,0.3891391158,0.2482632697,0.0321559906,0.1227019355,0,42,0.2771901786,0.2713702023,9.584052086,18.16323471,0.9839995503,1725.129395,3269.382324,177.1199188,1307.466553,2070.155273,1639.285645,1.04339993,2.607523918,0.2184852213,0.3899678886,0.3915468752,0 +Honduras,HND,Latin America and Caribbean,LCN,2001,ephpm,Rural,3382434,0.454097271,0.1901846379,0.04385983571,0,0.5020428896,0.4512955248,0.4059032202,0.04539228976,1065472,0.6274394989,0.3464077711,0.2930838168,0.6125666499,0.3119429052,0.976295948,0.02370404825,0.9587250948,0.0412748903,0.3341056108,0.5521218777,0.1137725264,,,,,,0.04596641287,0.558039844,0.1592746079,0.2826855183,0.8819708228,0.3765200377,0.0009449960198,0.1159557253,0.001234358991,0.04113953188,0.1622163057,0.01451333147,0.006515954155,0.07224172354,0.02719819732,0.01312804222,0.04111550003,0,0.02669541724,0.1130419075,0.5505577922,0.159910053,0.02575907297,0.06979223341,0,42,0.3486604095,0.1962171048,10.35077667,19.61629486,1.062719584,1863.139771,3530.933105,191.2895203,1380.103516,2160.162109,2415.181396,1.04339993,2.607523918,0.2260285765,0.3627572954,0.3684723973,0.04274171963 +Honduras,HND,Latin America and Caribbean,LCN,2001,ephpm,Total,6339278,0.4149885774,0.2077116668,0.04357041791,0.4664323032,0.5414409935,0.8469233042,0.7664520831,0.08047122111,2219041,0.646508732,0.4458660781,0.2332058996,0.6158113497,0.1919347197,0.9525182247,0.04748177156,0.9202540517,0.07974595577,0.4842494726,0.4144814909,0.1012690216,,,,,,0.07697060704,0.3002701104,0.2306199074,0.4691099823,0.9533517957,0.6519383788,0.001416962012,0.1690963209,0.00331271044,0.0567939207,0.2423989028,0.03319239244,0.0293393936,0.1191336215,0.04504567012,0.03233654052,0.08266211301,0,0.06906495243,0.1574672908,0.2951037586,0.2265502214,0.02799718268,0.1088179499,0,42,0.2675537467,0.2687300742,12.5,23.68939972,1.283381462,2250,4264.091797,231.0086517,1380.103516,2250,2718.75,1.04339993,2.607523918,0.1599522382,0.2854940891,0.4396770895,0.1148765534 +Honduras,HND,Latin America and Caribbean,LCN,2001,ephpm,Urban,2956844,0.3702508509,0.2277614176,0.04323934391,1,0.5865098238,0.4512955248,0.4059032202,0.04539228976,1153569,0.6651811004,0.5353976488,0.1760102808,0.6189885139,0.07564317435,0.9305563569,0.06944361329,0.8810809255,0.1189191043,0.6297433972,0.2811038196,0.08915275335,,,,,,0.1070146039,0.05048343539,0.2997556627,0.6497609019,0.9955582023,0.9570967555,0.001874311245,0.2205911577,0.00532669574,0.07196348906,0.3200982511,0.05129296705,0.05145599321,0.164573282,0.06234041229,0.05095015094,0.1229220256,0,0.1101223081,0.2005168349,0.04756111279,0.2911265492,0.03016597778,0.1466350406,0,42,0.1909703612,0.3371990323,13.63636398,25.84298325,1.400052428,2454.545654,4651.737305,252.0094604,1499.999878,2250,2812.5,1.04339993,2.607523918,0.08786409348,0.201201275,0.5173602104,0.1935744137 +Honduras,HND,Latin America and Caribbean,LCN,2002,ephpm,Female,3380347,0.4013570249,0.2150427103,0.04427060485,0.4762999117,0.5543723702,0.4556798041,0.4120792747,0.04360052198,754231,0.4024907351,0.4024907351,0.452662617,0.3801780045,0.07665152103,0.9445633888,0.05543659627,0.8998500705,0.1001499221,0.5101604462,0.4523082674,0.03753128275,,,,,,0.103373155,0.07353575528,0.2618077397,0.6646565199,0.9264642596,0.9075874686,0.0002247554075,0.2551184595,0.001938515343,0.004526012111,0.3272888064,0.01267339569,0.02984611318,0.1895278096,0.1053203791,0.03263669088,0.1059769616,0,0.06249131635,0.2627681196,0.06747854501,0.2113236785,0.01319027133,0.2441344261,0,43,0.3388985097,0.2810699344,12.5,21.99596214,1.283381462,2250,3959.273193,231.0086517,1345.600952,2352.449219,2295.918457,,2.571428299,0.1687351167,0.293200314,0.4272128344,0.1108517274 +Honduras,HND,Latin America and Caribbean,LCN,2002,ephpm,Higher education,2111055,0.5064283013,0.2359351069,0.008366907015,0.6294478178,0.4852047861,0.4556798041,0.4120792747,0.04360052198,617804,0.603187561,0.4975081384,0.1083853766,0.5602588058,0.08297681063,0.9288302064,0.07116982341,0.8821855187,0.1178144589,0.6647398472,0.2417959869,0.09346415102,,,,,,0.1906279624,0.07529974729,0.2301540971,0.6945461631,0.9868409038,0.8844296932,0.0009193533333,0.1856099367,0.007614757866,0.03601004183,0.2722297609,0.05805009976,0.07246144116,0.2657192945,0.02608556114,0.08163322508,0.2311465889,0,0.1450747997,0.1911385655,0.07103087008,0.175559178,0.01831885427,0.08609791845,0,43,0.222207576,0.2899456322,20.83333397,36.65993881,2.138969183,3750.000244,6598.789063,385.0144348,2415.181396,2999.999756,4090.908936,1.070577145,2.571428299,0,0,0.5984193683,0.4015806615 +Honduras,HND,Latin America and Caribbean,LCN,2002,ephpm,Lower education,4532271,0.3787326515,0.2006069422,0.06050013378,0.3770081401,0.5607672334,0.4556798041,0.4120792747,0.04360052198,1624823,0.6393042207,0.3614507318,0.3485055566,0.6177693009,0.2636254728,0.9663150907,0.03368489817,0.9503164887,0.04968349636,0.4234213233,0.4881411195,0.08843754977,,,,,,0.01734676585,0.4703096449,0.2209336758,0.3087566793,0.8919069767,0.4618771374,0.00228968286,0.1524343789,0.001954482868,0.06425514072,0.1750323325,0.02602068707,0.01319068857,0.05131999403,0.04319299012,0.006976028904,0.009154246189,0,0.03315221891,0.1266525388,0.4662659764,0.2105463892,0.02195095643,0.1253016591,0,43,0.2770694792,0.252286315,9.25,16.27701187,0.9497022629,1665,2929.862061,170.9464111,1285.714355,2250,1596.000122,1.070577145,2.571428299,0.2303343415,0.3999163508,0.3697493076,0 +Honduras,HND,Latin America and Caribbean,LCN,2002,ephpm,Male,3262979,0.4379099607,0.2085082382,0.04358471185,0.4374662042,0.5185053349,0.4556798041,0.4120792747,0.04360052198,1488396,0.8797332048,,0.06146616861,0.8461083174,0.2842619717,0.9617783427,0.03822168335,0.9466210604,0.05337894335,0.4769889414,0.4072239995,0.1157870665,,,,,,0.04399559274,0.5094735622,0.2042882591,0.2862381637,,0.4246378839,0.002768152626,0.1146294773,0.004230520222,0.0826601088,0.1382125914,0.04549696296,0.02865247615,0.06845445186,0.005421664566,0.02413260937,0.04995644465,0,0.06341638416,0.08476172388,0.5062965155,0.1961345673,0.02485492639,0.05044683814,0,43,0.2232657224,0.2533126473,11.45833302,20.16296387,1.176432967,2062.5,3629.333496,211.7579346,1293.847046,2427.727783,2772.529541,,2.571428299,0.1798453331,0.3119935691,0.4239786267,0.08418246359 +Honduras,HND,Latin America and Caribbean,LCN,2002,ephpm,Old worker,2158566,0,0,0,0.5020027161,1,0.4556798041,0.4120792747,0.04360052198,1480547,0.685893774,0.4534336627,,0.6640866995,0.2349507362,0.968206346,0.03179365396,,,0.4441493452,0.4351935089,0.120657146,,,,,,0.08138056099,0.3311590552,0.2173410654,0.4514998794,0.9343953133,,0.001831247355,0.1551875621,0.004027627409,0.05629462376,0.2147216052,0.04025881737,0.03396708891,0.1338995844,0.02865277231,0.03528488427,0.08507647365,0,0.06906015426,0.1571537703,0.3273053169,0.1901205182,0.01731247455,0.1186864078,0,43,0.2627649903,0.2811945379,13.88888931,24.43995857,1.425979376,2500,4399.192383,256.6762695,1350,2659.09082,3224.999756,1.070577145,2.571428299,0.2207138687,0.3362077475,0.3302647173,0.1128136516 +Honduras,HND,Latin America and Caribbean,LCN,2002,ephpm,Rural,3605824,0.4582320154,0.1992997974,0.04435047135,0,0.4974175096,0.4556798041,0.4120792747,0.04360052198,1094032,0.6099643111,0.2865175605,0.3324056566,0.5966012478,0.3505734205,0.9780920744,0.02190795168,0.9660268426,0.03397317976,0.3627895117,0.5458813906,0.0913291201,,,,,,0.02236875519,0.6516379714,0.1457292438,0.202632755,0.8126057982,0.2899817824,0.00179506361,0.1088107675,0.001301421085,0.03382198885,0.1142857149,0.01506357547,0.005744203459,0.04746447131,0.02007479407,0.006579045672,0.02244351804,0,0.02070904151,0.09108988196,0.646211803,0.1320593953,0.01571494713,0.06519236416,0,43,0.3228923976,0.1809962988,9.200690269,16.19024277,0.9446395636,1656.124268,2914.243896,170.0351257,1293.847046,2527.236328,2142.79248,1.070577145,2.571428299,0.2474395484,0.3868232369,0.3386355639,0.02710163593 +Honduras,HND,Latin America and Caribbean,LCN,2002,ephpm,Total,6643326,0.4193105996,0.2118331939,0.04393371567,0.4572260976,0.5367556661,0.8630450398,0.7811945472,0.08185049259,2242627,0.6289191869,0.4024907351,0.263527602,0.6012396017,0.2152737528,0.9559886456,0.04401133209,0.9322525263,0.06774748117,0.4880117178,0.4222053289,0.08978295326,,,,,,0.06372654438,0.3646213114,0.2234006822,0.4119780064,0.9264642596,0.5678799152,0.001923039206,0.161310792,0.003468938638,0.05669791624,0.2010383457,0.03459043428,0.02904909477,0.1086843908,0.03861574829,0.02695848607,0.06857186556,0,0.06310898811,0.1439126134,0.3604788482,0.2011818439,0.02097880282,0.1148085371,0,43,0.262021482,0.2626158595,11.89431286,20.93014908,1.221195221,2140.976318,3767.426758,219.8151398,1293.847046,2400,2587.694092,1.070577145,2.571428299,0.1739948392,0.3020973206,0.4256817102,0.09822613001 +Honduras,HND,Latin America and Caribbean,LCN,2002,ephpm,Urban,3037502,0.3731069267,0.2267116159,0.04343898222,1,0.5834540725,0.4556798041,0.4120792747,0.04360052198,1148595,0.6481251121,0.5075386167,0.1916421652,0.6059550643,0.08045260608,0.9349352717,0.06506470591,0.8930745721,0.1069254205,0.6127910018,0.2989667058,0.0882422477,,,,,,0.1049380675,0.07847194374,0.3008373976,0.6206906438,0.9864830971,0.9168183208,0.002050628187,0.2136521488,0.005629906431,0.07950472087,0.2875288129,0.05405828729,0.05228356272,0.1697193086,0.05710067227,0.04726585001,0.1145370603,0,0.1053589731,0.1965485364,0.07575647533,0.2700598538,0.02622403949,0.1642492265,0,43,0.2036518008,0.3408816159,13.63636398,23.99559593,1.400052428,2454.545654,4319.20752,252.0094604,1350,2340,2743.902344,1.070577145,2.571428299,0.0915498212,0.206988588,0.5233950019,0.1780665964 +Honduras,HND,Latin America and Caribbean,LCN,2002,ephpm,Young worker,1407277,0,1,0,0.4893400371,1,0.4556798041,0.4120792747,0.04360052198,762080,0.5415519476,0.3220977485,0.263527602,0.504863143,0.1755715758,0.9322525263,0.06774748117,0.9322525263,0.06774748117,0.5765126944,0.3959991634,0.02748817392,,,,,,0.02810608968,0.4321200848,0.235623911,0.3322559893,0.9075874686,0.5678799152,0.002108198358,0.1736623049,0.00234197313,0.05751142651,0.1734369844,0.02315638214,0.01912869513,0.05782124773,0.05871269107,0.01015833579,0.03527055308,0,0.05110134184,0.1171959788,0.4274130166,0.2235002816,0.02837634087,0.1069841534,0,43,0.2605430484,0.2256723493,9.584052086,16.86483574,0.9839995503,1725.129395,3035.67041,177.1199188,1150.086304,2160,1732.5,1.070577145,2.571428299,0.1030217782,0.2502785325,0.5706341267,0.07606553286 +Honduras,HND,Latin America and Caribbean,LCN,2003,ephpm,Female,3478696,0.4000053406,0.2078028619,0.04636909813,0.4708968401,0.5536255836,0.4540971518,0.4085458517,0.04555128887,771709,0.400701493,0.400701493,0.4386449754,0.3749778569,0.08865527064,0.9358035326,0.06419647485,0.8755811453,0.1244188696,0.4915878177,0.4755139947,0.03289816156,,,,,,0.0950499028,0.07065407187,0.2654061913,0.663939774,0.9293459058,0.9149363041,0.001121735317,0.2587714493,0.002436203882,0.003076799447,0.3353572786,0.01099688839,0.0296462588,0.1952554286,0.09268390387,0.0250121858,0.1044646129,0,0.06340491772,0.2542995512,0.06231237203,0.2277184874,0.01574425958,0.2470436245,0,42,0.3645029664,0.266348958,13.63636398,22.2853756,1.400052428,2362.5,4011.367676,242.559082,1478.682373,2454.545654,2454.545654,,2.778359652,0.1619982719,0.2920005023,0.4310165048,0.1149847284 +Honduras,HND,Latin America and Caribbean,LCN,2003,ephpm,Higher education,2160540,0.5003406405,0.2444125116,0.009637868032,0.6315143704,0.4900214672,0.4540971518,0.4085458517,0.04555128887,622897,0.5883541107,0.4979992211,0.09730278701,0.5348324776,0.09729386866,0.9090315104,0.09096848965,0.850150466,0.1498495191,0.6614114642,0.2534345388,0.08515398949,,,,,,0.1802579463,0.06949190795,0.2361426502,0.6943654418,0.9862855673,0.9048036933,0.001712268218,0.1911956221,0.008805445395,0.03442932665,0.2796392143,0.05395413563,0.0717772916,0.2630737424,0.02592105232,0.07130986452,0.2247007787,0,0.1381092221,0.1918574125,0.06226941943,0.1902768016,0.02279450372,0.09868199378,0,42,0.2374634147,0.271496743,21.55172348,35.221138,2.212726593,3750.000244,6339.804688,385.0144348,1983.898804,2999.999756,4252.5,1.169301748,2.778359652,0,0,0.5903022885,0.4096977413 +Honduras,HND,Latin America and Caribbean,LCN,2003,ephpm,Lower education,4619198,0.3771171868,0.1907391697,0.06288472563,0.3712516725,0.559998095,0.4540971518,0.4085458517,0.04555128887,1562636,0.6040942669,0.357359767,0.3847288787,0.5776254535,0.2793079615,0.956184268,0.04381570593,0.9325595498,0.06744046509,0.4626695216,0.4503255188,0.08700494468,,,,,,0.0176753886,0.4109733999,0.2568606436,0.3321659565,0.8962899446,0.5245720744,0.003812172916,0.1778442711,0.002511092229,0.07269310951,0.1903340966,0.02987932041,0.01343066059,0.05905486643,0.03946700692,0.005175455473,0.01080467552,0,0.03714709356,0.1367503554,0.4057140946,0.2522547543,0.02291777171,0.1292358041,0,42,0.3072391748,0.2504937649,9.584052086,15.6628418,0.9839995503,1687.5,2819.311523,173.256485,1293.847046,2173.663086,1710,1.169301748,2.778359652,0.2187199146,0.4023474455,0.3789326549,0 +Honduras,HND,Latin America and Caribbean,LCN,2003,ephpm,Male,3301042,0.4336473048,0.2078864723,0.04543898627,0.43658638,0.5209137201,0.4540971518,0.4085458517,0.04555128887,1413824,0.8222019672,,0.1067597121,0.7782424092,0.3051785529,0.9465343356,0.05346563831,0.9238789678,0.07612101734,0.5311556458,0.3534242511,0.1154201105,,,,,,0.0447126925,0.4501428902,0.2434957176,0.306361407,,0.5022060275,0.004375320394,0.1398502588,0.005211954936,0.09405817837,0.1498823911,0.05023693293,0.02934874035,0.07184737176,0.005045973696,0.02245348878,0.05076545104,0,0.06569632888,0.09663265198,0.4457101226,0.2392714918,0.02673674934,0.05273371562,0,42,0.2459981143,0.2508697808,11.36363602,18.57114601,1.166710377,1971.576416,3342.806152,202.42276,1293.847046,2300.172607,2772.529541,,2.778359652,0.1693843901,0.3183477521,0.4296836555,0.08258420974 +Honduras,HND,Latin America and Caribbean,LCN,2003,ephpm,Old worker,2236328,0,0,0,0.4958722591,1,0.4540971518,0.4085458517,0.04555128887,1479538,0.6615926027,0.4557078481,,0.634495914,0.2523995042,0.959043324,0.04095670581,,,0.4650968611,0.4200604558,0.1148426905,,,,,,0.07852757722,0.2924171388,0.2421412617,0.4654415846,0.9346966743,,0.003221149091,0.17461209,0.00522352336,0.05908449367,0.2297891825,0.04030774161,0.03231658414,0.1371432245,0.02588486299,0.03034657612,0.08285263181,0,0.06877523661,0.1674037129,0.2868110836,0.221592024,0.01840034313,0.1238183975,0,42,0.2934751213,0.2708568871,13.72549057,22.43103218,1.409203172,2400,4037.585693,246.4092255,1380.103516,2576.470459,3333.333252,1.169301748,2.778359652,0.2155652046,0.3422317803,0.3323276043,0.1098754033 +Honduras,HND,Latin America and Caribbean,LCN,2003,ephpm,Rural,3700441,0.4571606517,0.1923922002,0.04578211159,0,0.4970572293,0.4540971518,0.4085458517,0.04555128887,1032465,0.5613263845,0.279894799,0.370433569,0.5438830853,0.3767294586,0.96892488,0.03107514605,0.9493563175,0.05064368993,0.4268723726,0.4768693149,0.09625832736,,,,,,0.02253841236,0.5861121416,0.1860499531,0.2278378904,0.8167142868,0.3589122593,0.004366515204,0.1292712539,0.002058242913,0.05035394058,0.1331547052,0.01520479377,0.006237735972,0.05517050996,0.01807013154,0.004972105846,0.02316017635,0,0.0233630985,0.1033206359,0.5776339173,0.1805872023,0.01642774045,0.07053512335,0,42,0.3549992144,0.1850505769,9.148413658,14.95089436,0.9392723441,1601.905762,2691.160889,164.4684906,1293.847046,2352.449219,2070.155273,1.169301748,2.778359652,0.2366147041,0.3853361905,0.3504361212,0.02761297487 +Honduras,HND,Latin America and Caribbean,LCN,2003,ephpm,Total,6779738,0.4163855612,0.2078435719,0.04591622949,0.4541911483,0.5376982093,0.8597793013,0.7743852482,0.08539405319,2185533,0.5995230252,0.400701493,0.2770172954,0.565197531,0.2292874008,0.9427453279,0.05725468323,0.9085900187,0.09140999615,0.5172871947,0.3962165713,0.08649627119,,,,,,0.06235582381,0.3172007203,0.2511713803,0.4316279292,0.9293459058,0.6279714704,0.003235527547,0.1815106124,0.00423955638,0.06218566373,0.2148577869,0.03649039567,0.02945296653,0.1150795668,0.03574721143,0.02335030958,0.06958694011,0,0.06489319354,0.1518947035,0.3113296926,0.2352221757,0.02288389578,0.1208390966,0,42,0.2878350317,0.2563345432,12,19.61112976,1.232046127,2097.692383,3530.003418,215.3711548,1330.813965,2360,2647.058838,1.169301748,2.778359652,0.1654738635,0.3043983579,0.4303893149,0.09973847121 +Honduras,HND,Latin America and Caribbean,LCN,2003,ephpm,Urban,3079297,0.3673854768,0.226411745,0.04607740045,1,0.5865371227,0.4540971518,0.4085458517,0.04555128887,1153068,0.6384220123,0.5116877556,0.1816250682,0.5869038701,0.09014075249,0.9193039536,0.080696024,0.866053462,0.1339465529,0.6026150584,0.3201014996,0.07728344947,,,,,,0.09993302077,0.06325886399,0.3126676381,0.6240735054,0.9883413315,0.9357637763,0.002167498926,0.2308419496,0.00629944168,0.07335874438,0.2920126617,0.05659108609,0.05137586594,0.1716536433,0.05244025588,0.04069451615,0.1134016365,0,0.104086712,0.1977358907,0.06000830233,0.286783278,0.0289768111,0.1683128625,0,42,0.2256941348,0.3222871125,14.58333302,23.83297157,1.497278333,2500,4289.93457,256.6762695,1446.428467,2385,2812.5,1.169301748,2.778359652,0.08440785855,0.2121685296,0.5214971304,0.1819264889 +Honduras,HND,Latin America and Caribbean,LCN,2003,ephpm,Young worker,1409125,0,1,0,0.4947673082,1,0.4540971518,0.4085458517,0.04555128887,705995,0.5010166168,0.3091606796,0.2770172954,0.4552186728,0.1781623214,0.9085900187,0.09140999615,0.9085900187,0.09140999615,0.6327347159,0.3434726894,0.0237925984,,,,,,0.02658310719,0.3720285296,0.2711483538,0.3568230867,0.9149363041,0.6279714704,0.003267336404,0.1967719793,0.002062759595,0.06904628128,0.1818255633,0.02804541774,0.02311788872,0.06626888365,0.05756535009,0.007874224335,0.04024257138,0,0.05630592629,0.117588006,0.365566045,0.2653727531,0.03280173242,0.1142487451,0,42,0.2755008042,0.2245758176,10,16.34260941,1.026705146,1725.129395,2941.669434,177.1199188,1293.847046,2160,1800,1.169301748,2.778359652,0.08637892455,0.2446588278,0.5852301121,0.08373210579 +Honduras,HND,Latin America and Caribbean,LCN,2004,ephpm,Female,3604032,0.3905620277,0.2136249095,0.04900650308,0.4722580016,0.5604314804,0.4445578158,0.3946722448,0.04988555983,815475,0.4040809572,0.4040809572,0.414411068,0.3693348765,0.0996305123,0.9140120745,0.08598791808,0.8458393216,0.1541606635,0.5211470127,0.4234390557,0.05541393906,,,,,,0.1063964218,0.06547070295,0.2397201955,0.6948090792,0.9345293045,0.9354022741,0.0002902344277,0.233932972,0.001996705309,0.003500280902,0.3375386,0.0116564054,0.03448414803,0.2037781477,0.1073518023,0.0246916227,0.1162843406,0,0.06889075786,0.2713247538,0.05815223232,0.2021844685,0.01487749442,0.2435943186,0,44,0.3456715941,0.3115300834,14.58333302,22.04434204,1.497278333,2592,3967.981445,266.1219788,1446.428467,2587.5,2785.714355,,2.573847055,0.13966313,0.2987609208,0.4513010681,0.110274896 +Honduras,HND,Latin America and Caribbean,LCN,2004,ephpm,Higher education,2355109,0.4586874843,0.2681260109,0.01115150098,0.6335362792,0.5301610231,0.4445578158,0.3946722448,0.04988555983,743737,0.5969164371,0.4946855009,0.08838284761,0.5422648191,0.1090679541,0.9084434509,0.09155655652,0.8441072702,0.1558927596,0.6733215451,0.2229165435,0.1037618965,,,,,,0.1755468547,0.081393525,0.2349210382,0.6836854219,0.9873777032,0.8784701228,0.001785238041,0.1768407971,0.008936560713,0.0473584421,0.2684109211,0.05715132132,0.06832499057,0.2618921995,0.02790601179,0.0662189126,0.2296907455,0,0.1344170421,0.1978958398,0.07396704704,0.1875185966,0.01982925646,0.09046256542,0,44,0.2391831577,0.3040293157,22.28260803,33.68265915,2.287766695,3943.152832,6062.878906,404.84552,2070.155273,3281.249756,4500,1.142187119,2.573847055,0,0,0.6560420394,0.3439579606 +Honduras,HND,Latin America and Caribbean,LCN,2004,ephpm,Lower education,4644455,0.3743793368,0.1853969991,0.07011737674,0.3643462956,0.5555033088,0.4445578158,0.3946722448,0.04988555983,1615982,0.6265400052,0.3565385342,0.3625222147,0.5957441926,0.2547611296,0.9508478642,0.0491521582,0.9273144603,0.07268554717,0.4345232546,0.4461479783,0.119328782,,,,,,0.01483189967,0.4353785813,0.2331099808,0.3315114379,0.8981177211,0.4923655987,0.003221055493,0.1592354476,0.002161266515,0.0684922114,0.1874452382,0.02671554685,0.01397332363,0.05592977256,0.04744755104,0.003408928867,0.008973332122,0,0.03232560307,0.1341912746,0.4362459481,0.2288036942,0.02521683276,0.1308344007,0,44,0.2829327583,0.2852498293,10.41666698,15.74595928,1.069484591,1875.000122,2834.272705,192.5072174,1344.256592,2295.918457,1912.5,1.142187119,2.573847055,0.1970690042,0.4245619178,0.3783690631,0 +Honduras,HND,Latin America and Caribbean,LCN,2004,ephpm,Male,3395532,0.4156783223,0.2128158361,0.05162637308,0.4365159869,0.5326952934,0.4445578158,0.3946722448,0.04988555983,1544244,0.8545506597,,0.06802408397,0.8117181063,0.2664806545,0.9498770833,0.05012290925,0.9239543676,0.07604565471,0.5004997253,0.3548643887,0.144635886,,,,,,0.04233175889,0.4601828754,0.2305880487,0.3092290759,,0.4789403379,0.00404784549,0.1294198632,0.005364384502,0.09175594151,0.1485267431,0.04837428033,0.02858594805,0.07570371777,0.008038391359,0.02152154967,0.05609470233,0,0.06076363847,0.09384298325,0.4615324438,0.2233165801,0.02798973955,0.05493837968,0,44,0.2309909165,0.2805963159,12.5,18.89515114,1.283381462,2250,3401.127197,231.0086517,1380.103516,2454.545654,3018.976563,,2.573847055,0.1468316764,0.318718344,0.4580802023,0.07636978477 +Honduras,HND,Latin America and Caribbean,LCN,2004,ephpm,Old worker,2336063,0,0,0,0.4956797063,1,0.4445578158,0.3946722448,0.04988555983,1586559,0.6797031164,0.458214581,,0.6498268843,0.2395033836,0.9560451508,0.04395487159,,,0.465591222,0.3857736886,0.1486351043,,,,,,0.07932440192,0.3002875149,0.2309637517,0.4687487185,0.9341968894,,0.002785485936,0.1587891877,0.005283978302,0.06410510093,0.2235698849,0.04115552083,0.03356504068,0.1385399848,0.031918291,0.02796438895,0.08925437182,0,0.06618508697,0.1714808941,0.2981622219,0.2094879895,0.0192402266,0.1182248145,0,44,0.2713906467,0.3031542301,15.33448315,23.1797905,1.574399233,2727.272705,4172.362305,280.010498,1478.682373,2680.851074,3696.706055,1.142187119,2.573847055,0.1881514341,0.3452313542,0.3511347175,0.1154824793 +Honduras,HND,Latin America and Caribbean,LCN,2004,ephpm,Rural,3815327,0.4434529543,0.1976595968,0.05010029301,0,0.5064467788,0.4445578158,0.3946722448,0.04988555983,1145189,0.5931442976,0.2935858369,0.322568059,0.5692825913,0.3257381618,0.9597708583,0.04022916779,0.9405335188,0.05946648121,0.3778535426,0.4902381003,0.131908372,,,,,,0.02315490879,0.5906243324,0.1667203754,0.2426553071,0.8373303413,0.3441317677,0.004193976987,0.1136543229,0.001204391476,0.0476676859,0.1331203133,0.01581822149,0.006187641062,0.05750946701,0.03001966327,0.003652015934,0.02576973103,0,0.02373810299,0.1038313434,0.5923562646,0.15732418,0.02012611926,0.07320226729,0,44,0.3242273033,0.2217788547,10.35077667,15.64635849,1.062719584,1837.262939,2816.344727,188.6327209,1380.103516,2352.449219,2300.172607,1.142187119,2.573847055,0.2029564977,0.39367643,0.3753470182,0.02802003175 +Honduras,HND,Latin America and Caribbean,LCN,2004,ephpm,Total,6999564,0.4027460814,0.2132324278,0.05027741566,0.4549193382,0.5469765067,0.8282320931,0.7363133085,0.09191878453,2359719,0.6163403878,0.4040809572,0.2466735095,0.5778085334,0.2102639228,0.9374828339,0.06251718849,0.899392128,0.1006078944,0.5074563622,0.3779692352,0.1145743877,,,,,,0.06391703337,0.3272735178,0.2336630672,0.4390634,0.9345293045,0.6138288379,0.002782564843,0.164612025,0.004230403807,0.0620380789,0.2121717036,0.03601046279,0.03057201765,0.1188295484,0.04147967324,0.0225897003,0.07637552172,0,0.06350205839,0.1536452323,0.3256140053,0.2161961347,0.02357158624,0.1185057461,0,44,0.2695459723,0.2909961045,13.29545498,20.09757042,1.36505115,2352.449219,3617.562744,241.5271606,1380.103516,2484.186279,2906.250244,1.142187119,2.573847055,0.1430409402,0.3081648052,0.4544953704,0.09429886937 +Honduras,HND,Latin America and Caribbean,LCN,2004,ephpm,Urban,3184237,0.3539714515,0.2318916619,0.05048964545,1,0.5955389142,0.4445578158,0.3946722448,0.04988555983,1214530,0.6410915256,0.5062878728,0.1691884845,0.5875394344,0.09623772651,0.9164672494,0.08353272825,0.8544912338,0.145508796,0.6354340315,0.267108202,0.09745776653,,,,,,0.1041679978,0.06705699861,0.2998090386,0.6331339478,0.9876464605,0.9379569292,0.001387950615,0.2149632424,0.007220401894,0.07623744011,0.2902822793,0.05596238747,0.05466618389,0.1794198304,0.05280329287,0.04129202291,0.1263523698,0,0.1027718186,0.2028400153,0.06218692288,0.2743364275,0.02697423287,0.1632461846,0,44,0.2157767415,0.3590587974,15.625,23.61893845,1.604226708,2812.5,4251.40918,288.7608032,1499.999878,2571.428711,3125,1.142187119,2.573847055,0.07375320792,0.2092772424,0.5460243225,0.1709452271 +Honduras,HND,Latin America and Caribbean,LCN,2004,ephpm,Young worker,1492534,0,1,0,0.4947277606,1,0.4445578158,0.3946722448,0.04988555983,773160,0.51855582,0.3161468804,0.2466735095,0.4663850069,0.1464837641,0.899392128,0.1006078944,0.899392128,0.1006078944,0.5987770557,0.360945344,0.04027760774,,,,,,0.0303088706,0.3861711621,0.2395543754,0.3742744625,0.9354022741,0.6138288379,0.00277618994,0.1773204803,0.001930949511,0.0575267449,0.1872949004,0.02478123829,0.02403967269,0.07581100613,0.06234763563,0.01086374931,0.04827773571,0,0.05764849484,0.1147331595,0.3855056167,0.2308312953,0.03302131221,0.1191186458,0,44,0.2655846477,0.2648871541,11.19402981,16.92103004,1.149296761,1999.999878,3045.7854,205.3410187,1285.714355,2390.307129,2070.155273,1.142187119,2.573847055,0.07280684263,0.2504546344,0.6154211164,0.06131738797 +Honduras,HND,Latin America and Caribbean,LCN,2005,ephpm,Female,3692864,0.3779613972,0.2136580199,0.05011828244,0.476857245,0.5719203353,0.4379996061,0.3884732425,0.04952635616,928194,0.4402445555,0.4402445555,0.3964229524,0.4107595384,0.136664018,0.9330258369,0.06697414815,0.8704867959,0.1295132041,0.464815855,0.4896614254,0.04552272335,,,,,,0.1093658507,0.08242945373,0.2472340316,0.6703365445,0.9175705314,0.9277026653,0.0002669751702,0.2423302382,0.00155793305,0.003078882582,0.339401722,0.008929221891,0.0308812838,0.2023001462,0.0888241455,0.03213529661,0.1349288821,0,0.04726800695,0.2604354322,0.07686536759,0.2014340758,0.01593160443,0.2310013324,0,40,0.4202771187,0.2387817651,16.66666603,23.15389061,1.711175203,2859.375,4167.700195,293.5734863,1725.129395,2896,2925,,2.875,0.1427900642,0.2852918506,0.4651021957,0.1068159044 +Honduras,HND,Latin America and Caribbean,LCN,2005,ephpm,Higher education,2439702,0.4343399405,0.2804871202,0.01002048608,0.6365166903,0.555639565,0.4379996061,0.3884732425,0.04952635616,799335,0.6069265604,0.5290114284,0.09269344807,0.5553373694,0.1262908578,0.9149993658,0.08500065655,0.8570613265,0.1429386735,0.6489005089,0.2589080334,0.09219145775,,,,,,0.1984875351,0.07359237224,0.2237240523,0.702683568,0.985697329,0.8940165043,0.001630184823,0.1766704321,0.008134499192,0.03728893772,0.2892366648,0.05591219291,0.06271900237,0.2633562982,0.03145942092,0.08233329654,0.2645810544,0,0.1020841971,0.201639086,0.06355912983,0.1716180593,0.02166303247,0.09252215922,0,40,0.2746045291,0.2651246786,25,34.73083878,2.566762924,4285.714355,6251.550781,440.0164795,2315.305176,3469.091064,4950,1.197791457,2.875,0,0,0.6613368988,0.338663131 +Honduras,HND,Latin America and Caribbean,LCN,2005,ephpm,Lower education,4759415,0.374666214,0.1798071861,0.07131506503,0.3657397032,0.5540187359,0.4379996061,0.3884732425,0.04952635616,1714871,0.6503594518,0.3922570944,0.3437379003,0.6267357469,0.3301431835,0.9636759758,0.03632401675,0.9417194724,0.05828050151,0.4215850234,0.4629942179,0.1154207364,,,,,,0.0203590747,0.4254916906,0.2474064976,0.3271018267,0.8704949617,0.5067192912,0.0047064838,0.1658859849,0.002643309534,0.07417071611,0.1890465915,0.02645489573,0.01464205701,0.0585930571,0.03836522996,0.009022192098,0.01313091628,0,0.03112576902,0.136492908,0.4188562334,0.2397136688,0.02134041302,0.1303179115,0,40,0.3381414115,0.233420819,11.20213985,15.56238842,1.150129437,1940.770508,2801.22998,199.259903,1428.571289,2454.545654,1949.999878,1.197791457,2.875,0.2055006027,0.4082292914,0.3862701356,0 +Honduras,HND,Latin America and Caribbean,LCN,2005,ephpm,Male,3506253,0.4127175212,0.2142093033,0.05099033192,0.4371187687,0.5362921357,0.4379996061,0.3884732425,0.04952635616,1586012,0.8594100475,,0.05969535559,0.8225250244,0.3423062265,0.9570810199,0.04291896895,0.9320729375,0.06792704016,0.5064482093,0.3494448364,0.1441069543,,,,,,0.05540593714,0.4516932368,0.2360969484,0.3122098148,,0.5031209588,0.005757304374,0.1274703592,0.005907632411,0.09696165472,0.1515327543,0.05064278468,0.02853663452,0.07524517179,0.006252464373,0.03122804686,0.06476995349,0,0.05621168762,0.09658697993,0.4438764751,0.2287833095,0.02461636066,0.05392721295,0,40,0.2599289119,0.2458532304,13.41767406,18.64028168,1.377599478,2285.714355,3355.250732,234.6754608,1478.682373,2587.694092,3136.599121,,2.875,0.1541544497,0.3043549657,0.4608439207,0.08064667135 +Honduras,HND,Latin America and Caribbean,LCN,2005,ephpm,Old worker,2452318,0,0,0,0.4939396083,1,0.4379996061,0.3884732425,0.04952635616,1703682,0.7050893307,0.5056942105,,0.6806243062,0.2909335494,0.9653022289,0.0346977897,,,0.4527602494,0.4069512486,0.1402885169,,,,,,0.09266445786,0.2954926491,0.2347455025,0.4697618484,0.9139739275,,0.003280438483,0.1688944995,0.004572529811,0.05799803138,0.2263898253,0.0387907289,0.031853728,0.1441262811,0.02860128507,0.04006176814,0.1035440341,0,0.05560084805,0.1661497056,0.2861596644,0.2113288343,0.01821914501,0.1189359948,0,40,0.3192920983,0.252533704,16.66666603,23.15389061,1.711175203,2846.463623,4167.700195,292.2478943,1552.616577,2999.999756,3750.000244,1.197791457,2.875,0.1942043453,0.3377426565,0.3563118279,0.1117411703 +Honduras,HND,Latin America and Caribbean,LCN,2005,ephpm,Rural,3867864,0.4365145862,0.2000716627,0.05172001943,0,0.5117654204,0.4379996061,0.3884732425,0.04952635616,1206744,0.6097817421,0.3252817988,0.3017910421,0.5922726989,0.4103271663,0.9712863564,0.02871362865,0.9487738609,0.0512261577,0.386480093,0.487977922,0.125541985,,,,,,0.03173039109,0.572781086,0.1846153885,0.2426035553,0.7992537022,0.3724137843,0.004930966534,0.122879684,0.002169625135,0.05463510752,0.1349112391,0.01597633213,0.008284023963,0.06331361085,0.02011834271,0.01528687682,0.03275759518,0,0.02283105068,0.1060154885,0.5608497262,0.1733174473,0.01608099975,0.07286082953,0,40,0.3858267665,0.1748860329,11.50086308,15.97738457,1.180799484,1940.770508,2875.929199,199.259903,1431.740112,2760.207031,2587.694092,1.197791457,2.875,0.2060634792,0.376480341,0.388441503,0.02901468426 +Honduras,HND,Latin America and Caribbean,LCN,2005,ephpm,Total,7199117,0.3948889971,0.213926509,0.05054300278,0.4575030506,0.5545680076,0.8032053666,0.7120659535,0.09113941319,2514206,0.6297480258,0.4402445555,0.2324198931,0.5971272954,0.2676022351,0.948200345,0.05179965496,0.9122530818,0.08774694055,0.4913243353,0.4003815353,0.1082940996,,,,,,0.07500804216,0.3175562322,0.240142554,0.4423012137,0.9175705314,0.6333788037,0.003762913402,0.1691938192,0.004327581264,0.06285824627,0.2197771519,0.03549011424,0.02938834019,0.1213985607,0.03624706343,0.0315599069,0.09043313563,0,0.05294020846,0.1565205157,0.3096287847,0.2187793255,0.02143959515,0.1186985224,0,40,0.3183930814,0.2432749122,14.37607861,19.97172928,1.475999355,2500,3594.911133,256.6762695,1478.682373,2715.51709,3018.976563,1.197791457,2.875,0.1480890661,0.2941806316,0.4631166458,0.09461367875 +Honduras,HND,Latin America and Caribbean,LCN,2005,ephpm,Urban,3293618,0.3505181968,0.2319725603,0.04973831028,1,0.5997434855,0.4379996061,0.3884732425,0.04952635616,1307462,0.6620566845,0.5447911024,0.1621278673,0.6136555076,0.1295626611,0.9268926978,0.07310728729,0.8722141385,0.1277858615,0.5927268267,0.3156607449,0.09161243588,,,,,,0.1168649942,0.07067703456,0.293854028,0.6354689598,0.9834751487,0.9447076321,0.002633054741,0.2139935195,0.006414973643,0.07081248611,0.3018679917,0.05436580628,0.04980256036,0.1775841862,0.05184838176,0.04736962914,0.1464666128,0,0.08219213784,0.2055876255,0.06556032598,0.2629468739,0.02664562501,0.1632311791,0,40,0.2542117834,0.3083653152,16.66666603,23.15389061,1.711175203,2863.636475,4167.700195,294.0110168,1714.285767,2700,3214.285889,1.197791457,2.875,0.08190009743,0.2002196163,0.5483726859,0.1695075929 +Honduras,HND,Latin America and Caribbean,LCN,2005,ephpm,Young worker,1540082,0,1,0,0.496096313,1,0.4379996061,0.3884732425,0.04952635616,810524,0.5271488428,0.330731988,0.2324198931,0.4808931351,0.2157091647,0.9122530818,0.08774694055,0.9122530818,0.08774694055,0.577098012,0.3857693374,0.03713265806,,,,,,0.0357369408,0.3666211963,0.2521445155,0.3812342882,0.9277026653,0.6333788037,0.004835841246,0.1698594391,0.003782864893,0.07366638631,0.2050718814,0.02815019898,0.02390581183,0.0708566457,0.05324974656,0.01255812589,0.06113009527,0,0.04699363932,0.1349991709,0.3620825708,0.2354312837,0.02863734961,0.1181677654,0,40,0.3164302409,0.2230600268,12,16.67080116,1.232046127,2070.155273,3000.744141,212.5438995,1386.264771,2454.545654,2185.714355,1.197791457,2.875,0.07624811679,0.2263172567,0.6295031309,0.06793152541 +Honduras,HND,Latin America and Caribbean,LCN,2006,ephpm,Female,3815982,0.3717105985,0.2108531892,0.05246591941,0.4722669125,0.5758234859,0.4349030852,0.3836547434,0.05124833062,905790,0.4122333229,0.4122333229,0.4076461792,0.3933995664,0.1089799106,0.9543128014,0.04568719119,0.9009323716,0.09906762093,0.4836228788,0.4695519507,0.04682516307,0.9556690454,0.04433096945,0.6094501019,,0.04433096945,0.1111941487,0.1064305231,0.2256602943,0.6679091454,0.8935694695,0.9225189686,0.0002603825997,0.2194435149,0.002090004506,0.003866392421,0.3311719596,0.01135846786,0.03256981447,0.2026239634,0.09018496424,0.04275508597,0.1347205341,0,0.04988054931,0.2572655082,0.09959325939,0.1756606847,0.01409119088,0.2260331661,0,41,0.3864340484,0.2552479804,18.40138054,24.21325874,1.889279127,3277.746094,4358.386719,336.5278625,2100,3272.727051,3375,,2.678571701,0.1349270195,0.274675101,0.4762795866,0.1141183078 +Honduras,HND,Latin America and Caribbean,LCN,2006,ephpm,Higher education,2482428,0.4180101156,0.2956810892,0.01207970548,0.6411235332,0.5699101686,0.4349030852,0.3836547434,0.05124833062,812052,0.5740360022,0.4740681648,0.1038723961,0.537815392,0.09777698666,0.9369018078,0.06309817731,0.9055520892,0.09444793314,0.6661295295,0.2452074289,0.08866304904,0.9177235365,0.08227645606,0.7216730714,,0.08227645606,0.1863467097,0.08206323534,0.2362021059,0.6817346811,0.9862508774,0.8731889725,0.001382452669,0.1808737516,0.008063211106,0.04588269815,0.2685641348,0.0516163893,0.07560740411,0.2600865662,0.02586015314,0.09583202749,0.2633184493,0,0.1050705537,0.1860665083,0.07082605362,0.1708050519,0.01764210872,0.09043925256,0,41,0.2431803942,0.2691925168,26.13636398,34.39125443,2.68343401,4687.5,6190.425781,481.2680359,2957.364746,3750.000244,5377.5,1.162645578,2.678571701,0,0,0.6559162736,0.3440836966 +Honduras,HND,Latin America and Caribbean,LCN,2006,ephpm,Lower education,4881778,0.3782517314,0.1694876403,0.07159420103,0.3614611328,0.5501540899,0.4349030852,0.3836547434,0.05124833062,1722687,0.6414425373,0.3770109713,0.3631818295,0.6252352595,0.282420963,0.9747330546,0.02526692301,0.9560758471,0.04392414168,0.417663008,0.4598507583,0.1224862412,0.9923700094,0.007630005479,0.302464664,,0.007630005479,0.01777019538,0.4594502449,0.2232888937,0.3172608614,0.8303451538,0.4767370522,0.002281740773,0.1441214234,0.00237348699,0.07451224327,0.1804630607,0.02941777557,0.01473301556,0.05264625326,0.04000076279,0.01566179283,0.01663678326,0,0.03119366802,0.1300153136,0.4503335357,0.2122513056,0.01835639961,0.1255511791,0,41,0.3123355508,0.2220371813,12.5,16.44799042,1.283381462,2250,2960.638184,231.0086517,1617.308838,2875,2337.662354,1.162645578,2.678571701,0.1949525774,0.4036522806,0.4013951421,0 +Honduras,HND,Latin America and Caribbean,LCN,2006,ephpm,Male,3548224,0.413102448,0.2132886797,0.05052809417,0.4379526079,0.5363694429,0.4349030852,0.3836547434,0.05124833062,1628949,0.8559873104,,0.06440359354,0.8279353976,0.2884150743,0.9672285914,0.03277143836,0.9539637566,0.04603625461,0.5014553666,0.3508808911,0.1476637572,0.9764598608,0.02354011126,0.4084588289,,0.02354011126,0.04791738465,0.4709720612,0.2282219827,0.3008059561,,0.4879088402,0.002956804354,0.1205316931,0.00527601596,0.09945747256,0.1402951628,0.05004531145,0.03433474898,0.07049590349,0.005634820554,0.03962519392,0.07108942419,0,0.05676354095,0.08661679178,0.4604622424,0.2124055624,0.02037766017,0.05265959352,0,41,0.238483116,0.2267232239,15.625,20.55998802,1.604226708,2812.5,3700.797852,288.7608032,1656.124268,3068.181885,3750.000244,,2.678571701,0.1416944861,0.2988107502,0.47495538,0.0845393762 +Honduras,HND,Latin America and Caribbean,LCN,2006,ephpm,Old worker,2539083,0,0,0,0.4946364462,1,0.4349030852,0.3836547434,0.05124833062,1757230,0.6921113729,0.4798181653,,0.6738463044,0.2593450248,0.9736096263,0.02639039792,,,0.4493002295,0.4048511386,0.1458486319,0.9602994323,0.0397005938,0.5496825576,,0.0397005938,0.08544144034,0.3236280382,0.2193321288,0.4570398331,0.8840415478,,0.001997548621,0.1524861753,0.004835985601,0.06001241878,0.2144628167,0.03822826222,0.03716107085,0.1373004764,0.02988721058,0.05033618584,0.1049996391,0,0.05785480514,0.1569491327,0.3116011918,0.1877162158,0.01422352623,0.1163193062,0,41,0.2973722517,0.2469133288,19.07226563,25.096035,1.958159328,3375,4517.286621,346.51297,1725.129395,3461.538818,4500,1.162645578,2.678571701,0.1834052801,0.331992507,0.3664098382,0.1181923896 +Honduras,HND,Latin America and Caribbean,LCN,2006,ephpm,Rural,4008090,0.4324977696,0.1968655884,0.05049412698,0,0.5170081258,0.4349030852,0.3836547434,0.05124833062,1251370,0.6039051414,0.3148711324,0.315630734,0.5918450952,0.35715276,0.980029881,0.01997011341,0.9618005157,0.038199462,0.3729553521,0.4900194108,0.1370252222,0.9887025356,0.01129747741,0.2785310745,,0.01129747741,0.0282783471,0.6132140756,0.1554353833,0.2313505262,0.7431865931,0.3393470645,0.002218524693,0.1019828096,0.001733222394,0.04950083047,0.1283277869,0.01719356701,0.008804770187,0.05560177565,0.02142262831,0.01779980399,0.03608823195,0,0.02003350481,0.1017031968,0.5992600918,0.1407231539,0.01347200852,0.07092000544,0,41,0.3644393682,0.1510186642,12.77873611,16.81476212,1.31199944,2274.524414,3026.656982,233.5265808,1617.308838,3126.357178,3168.60498,1.162645578,2.678571701,0.1961045414,0.3697353005,0.4028633237,0.03129681945 +Honduras,HND,Latin America and Caribbean,LCN,2006,ephpm,Total,7364206,0.3916540444,0.2120266557,0.051532235,0.4557335973,0.5568137169,0.7959327616,0.7033843322,0.09254842945,2534739,0.6181550094,0.4122333229,0.2412882596,0.5950441135,0.2248467505,0.9626131058,0.03738688678,0.9377602339,0.0622397922,0.4951378703,0.3929223716,0.1119397655,0.969094336,0.03090566956,0.4781855643,,0.03090566956,0.07033438236,0.3418073654,0.2273143232,0.4308783114,0.8935694695,0.6155292392,0.002001405694,0.1555782259,0.004147145431,0.0655875504,0.2079268098,0.0363377519,0.03370939568,0.117311649,0.03559270874,0.04074279219,0.09381034225,0,0.05430581421,0.1475507468,0.3316058517,0.1992849857,0.01813293621,0.1145665273,0,41,0.290699333,0.2367904484,16.66666603,21.93065262,1.711175203,2957.364746,3947.517334,303.6341553,1693.763428,3150,3594.155762,1.162645578,2.678571701,0.138064459,0.2858645618,0.4756656885,0.1004053131 +Honduras,HND,Latin America and Caribbean,LCN,2006,ephpm,Urban,3356116,0.3428758085,0.2301329821,0.05277201533,1,0.6043521762,0.4349030852,0.3836547434,0.05124833062,1283369,0.6327778101,0.5033097267,0.1653314531,0.5983740687,0.09114670008,0.94563061,0.05436939746,0.9107102752,0.08928971738,0.6186076999,0.2948023081,0.0865899846,0.9492795467,0.05072046444,0.6005002856,,0.05072046444,0.1128335446,0.06742549688,0.2999812067,0.6325933337,0.9839407802,0.9438320398,0.001781906467,0.2097611576,0.006587529555,0.08185061067,0.288398385,0.05569179356,0.05888702348,0.1796979755,0.04991811886,0.06398931891,0.1522961259,0,0.08903154731,0.1940048784,0.060410548,0.2586215734,0.02285552584,0.1587904841,0,41,0.2162563503,0.3233798444,18.75,24.67198563,1.925072074,3375,4440.957031,346.51297,1963.636475,3150,3750.000244,1.162645578,2.678571701,0.07032655925,0.1879799664,0.5606324673,0.1810610294 +Honduras,HND,Latin America and Caribbean,LCN,2006,ephpm,Young worker,1561408,0,1,0,0.4946516156,1,0.4349030852,0.3836547434,0.05124833062,777509,0.4979754686,0.2952541113,0.2412882596,0.46698156,0.1438973397,0.9377602339,0.0622397922,0.9377602339,0.0622397922,0.6026947498,0.3649318218,0.03237340599,0.989731431,0.01026858483,0.3528853059,,0.01026858483,0.03488603234,0.3844707608,0.24604702,0.3694822192,0.9225189686,0.6155292392,0.002010457218,0.1628346741,0.002530568512,0.07867131382,0.192588076,0.03190108389,0.02560896985,0.07040168345,0.04898241907,0.01803872734,0.06732936949,0,0.04590664059,0.1253082007,0.3789496124,0.2266640365,0.02738508023,0.1104183272,0,41,0.2752097845,0.2132926136,13.55932236,17.84188843,1.392142534,2425.963135,3211.540039,249.0748749,1552.616577,2822.939209,2559.258057,1.162645578,2.678571701,0.06453840435,0.2110620737,0.6528382897,0.07156124711 +Honduras,HND,Latin America and Caribbean,LCN,2007,ephpm,Female,3893934,0.3639871776,0.2102552354,0.05248111486,0.4706291854,0.5835317373,0.4292420745,0.3774525523,0.051789511,919550,0.4046898484,0.4046898484,0.4107264876,0.3870578408,0.1063143685,0.9564308524,0.04356913641,0.921173811,0.07882619649,0.4903796017,0.4608760178,0.04874438047,0.9585223794,0.0414776355,0.6180300713,,0.0414776355,0.1095219254,0.09322819859,0.2236631364,0.6831086874,0.9067717791,0.9130090475,0.0009503082256,0.2178291082,0.001457367209,0.003426351119,0.3463269472,0.009652351029,0.03364820406,0.2084593326,0.08502182364,0.0367047973,0.1431227326,0,0.05105969682,0.263612926,0.08342343569,0.1750946492,0.0167207662,0.230260998,0,42,0.3596894443,0.271202445,20.83333397,25.63520622,2.138969183,3680,4614.336914,377.8274841,2208.165771,3681.818115,3879.310303,,2.742959976,0.1348903924,0.2624549866,0.4858548045,0.1167998239 +Honduras,HND,Latin America and Caribbean,LCN,2007,ephpm,Lower education,4941915,0.3717963696,0.165035218,0.0725819841,0.3556091189,0.5556216836,0.4292420745,0.3774525523,0.051789511,1735809,0.6321607232,0.3697224855,0.3725094795,0.6166787148,0.2994310558,0.9755094051,0.02449059859,0.9612041116,0.03879586607,0.4310398996,0.4226344228,0.1463256925,0.9951426387,0.0048573846,0.3109677136,,0.0048573846,0.01765725762,0.442142874,0.2297007293,0.3281563818,0.8542003036,0.4720783532,0.003059924813,0.146529302,0.002378167585,0.07773332298,0.1897117943,0.02867460065,0.01570465788,0.05716471747,0.03690062463,0.01298381854,0.01594608463,0,0.03193486482,0.1330638528,0.4318612516,0.223050952,0.02127888612,0.1298802793,0,42,0.3107494414,0.2359477133,14.28571415,17.57842636,1.466721654,2550,3164.116943,261.8098145,1759.631958,3234.617676,2700,1.175213814,2.742959976,0.1949771196,0.3906593025,0.4143635631,0 +Honduras,HND,Latin America and Caribbean,LCN,2007,ephpm,Rural,4116040,0.4266685843,0.1981455535,0.05069800094,0,0.5226334333,0.4292420745,0.3774525523,0.051789511,1290980,0.6001264453,0.3235768676,0.3203752041,0.5860202312,0.3771829307,0.9764946103,0.023505399,0.9614534974,0.03854647651,0.3981525302,0.4412379563,0.1606095284,0.9898860455,0.01011395082,0.2896798253,,0.01011395082,0.0290607512,0.5866585374,0.1596111059,0.2537303269,0.7842991352,0.3596821427,0.003173317062,0.1046519503,0.00229559117,0.0494902432,0.1422591358,0.01667679474,0.01006009057,0.06198095903,0.02275335975,0.01484775916,0.0364009589,0,0.02312692441,0.1076291502,0.5718097687,0.1509408206,0.01512145065,0.08012316376,0,42,0.3709599674,0.1773137599,14.1146946,17.36798859,1.44916296,2484.186279,3126.238037,255.0526733,1759.631958,3528.673828,3309.373291,1.175213814,2.742959976,0.1935263872,0.3522380888,0.418017,0.0362185128 +Honduras,HND,Latin America and Caribbean,LCN,2007,ephpm,Total,7538808,0.3844383657,0.2113239914,0.05202705786,0.4540197849,0.5635345727,0.7745140133,0.6821912697,0.09232274358,2582913,0.6079761324,0.4046898484,0.2530645728,0.5878503413,0.2342778146,0.9668970704,0.03310293332,0.9455883503,0.05441166088,0.5092325807,0.3615424037,0.1292250305,0.9743883014,0.02561172284,0.4874918461,,0.02561172284,0.07073405385,0.3269386888,0.2291784883,0.4438828528,0.9067717791,0.6159766912,0.002735583112,0.1545588374,0.004173970316,0.06771009415,0.2179762274,0.03692235053,0.03402110562,0.1214803457,0.03348281607,0.03567077592,0.0989735499,0,0.0554353632,0.1497254223,0.3163148165,0.2041883469,0.02194269747,0.117749013,0,42,0.290086925,0.2434470057,18.22916603,22.4308033,1.871597767,3240.243164,4037.544434,332.6774292,1800,3562.499756,4050,1.175213814,2.742959976,0.1367188841,0.2739321589,0.483563602,0.1057853624 +Honduras,HND,Latin America and Caribbean,LCN,2007,ephpm,Urban,3422768,0.3336545229,0.2271716893,0.0536253117,1,0.6127201915,0.4292420745,0.3774525523,0.051789511,1291933,0.616027832,0.4816737771,0.182462737,0.5897275209,0.08861588687,0.9573066235,0.04269339144,0.9261701703,0.07382985204,0.6224554777,0.2803094387,0.09723506868,0.9585915208,0.04140846804,0.617133081,,0.04140846804,0.1132112816,0.06199970096,0.3001438379,0.6378564835,0.9854354858,0.9418434501,0.002289052587,0.2054686099,0.006090095267,0.08629606664,0.2952148616,0.05757473782,0.05846362188,0.1821753681,0.04442787915,0.056971021,0.1629801989,0,0.08848425746,0.192786485,0.0549643375,0.2586562335,0.02892027795,0.156237185,0,42,0.20802477,0.3105526567,21.4285717,26.36763954,2.200082541,3784.091064,4746.174805,388.5145569,2250,3600,4312.5,1.175213814,2.742959976,0.06971260905,0.1815678179,0.5608779192,0.1878416687 +Honduras,HND,Latin America and Caribbean,LCN,2008,ephpm,Female,3985146,0.3504692316,0.2156244665,0.05662477762,0.4719340205,0.5929059982,0.4178981185,0.3632930517,0.05460505933,988582,0.4190528095,0.4190528095,0.4093777537,0.4050134718,0.1194040179,0.9664974809,0.03350253031,0.9160853624,0.08391463757,0.4897808731,0.4547977746,0.05542135611,0.9536266327,0.04637337849,0.6295800805,,0.04637337849,0.1101917177,0.09485129267,0.2198315412,0.6853171587,0.905148685,0.9019262195,0.000719125499,0.2132463604,0.0006311974721,0.005234856624,0.331037432,0.009216739796,0.03740917891,0.2178196609,0.0898341611,0.04158564657,0.149082765,0,0.0521982871,0.2545955777,0.08648649603,0.1684001833,0.01731216908,0.2303388566,0,41,0.3804067969,0.2527473867,23.4375,25.8868885,2.406340122,4187.5,4659.640137,429.9327698,2587.694092,4140.310547,4500,,2.656805515,0.1284797937,0.257630378,0.4815874398,0.1323023736 +Honduras,HND,Latin America and Caribbean,LCN,2008,ephpm,Higher education,2752992,0.379039228,0.3071389198,0.01311736461,0.6423476934,0.607843399,0.4178981185,0.3632930517,0.05460505933,947327,0.5829008818,0.4836086035,0.1370984912,0.5541756749,0.1063706726,0.9507203102,0.04927970842,0.9058536291,0.09414636344,0.6671078205,0.2373704165,0.09552175552,0.9241763949,0.07582360506,0.7419802547,,0.07582360506,0.1827116907,0.07898902893,0.2310045809,0.6900063753,0.9829679728,0.8746244311,0.001903068973,0.1708407104,0.006394667551,0.05186612904,0.2716955841,0.0503574498,0.0765671432,0.2645899057,0.02679627761,0.08921417594,0.2697124779,0,0.1054026112,0.1847964972,0.0689515993,0.1673284173,0.02476363257,0.08983059227,0,41,0.2497377992,0.2669090331,31.94684219,35.28551865,3.279998779,5625,6351.393555,577.5216064,3379.845215,4687.5,6469.235352,1.152542353,2.656805515,0,0,0.6205948591,0.3794051409 +Honduras,HND,Latin America and Caribbean,LCN,2008,ephpm,Lower education,4999284,0.3636252582,0.1682560891,0.0780351758,0.3528261185,0.5583395362,0.4178981185,0.3632930517,0.05460505933,1752191,0.6277334094,0.3784893453,0.358741492,0.6128557324,0.3104252517,0.9762994051,0.02370061167,0.9412882328,0.05871174857,0.4268684089,0.4283199012,0.1448116899,0.9904107451,0.009589264169,0.3020824194,,0.009589264169,0.01689520292,0.4352354109,0.2336968184,0.3310677707,0.8449038267,0.4704586565,0.003205418587,0.1444180459,0.002624315908,0.08344903588,0.1805452257,0.03137369826,0.01868765429,0.05783842504,0.04262277111,0.01450779382,0.01660507172,0,0.03658781573,0.1289422661,0.422885716,0.2188201398,0.02493528835,0.1367159188,0,41,0.3252784908,0.2275200486,16.30208397,18.00576973,1.673743367,2925,3241.038574,300.3112488,2187.5,3737.780029,2999.999756,1.152542353,2.656805515,0.18988657,0.3859251142,0.4241883159,0 +Honduras,HND,Latin America and Caribbean,LCN,2008,ephpm,Male,3767130,0.3888071179,0.2196409404,0.05324318632,0.4384053648,0.5579496622,0.4178981185,0.3632930517,0.05460505933,1710936,0.8315990567,,0.07955672592,0.8048216105,0.3096601963,0.9678000808,0.03219991922,0.9319434166,0.0680565536,0.5212368965,0.3091807067,0.1695823967,0.9756100178,0.0243899785,0.4294120967,,0.0243899785,0.05325139314,0.4379610419,0.2402347773,0.3218041658,,0.5090761781,0.003932124935,0.1190638319,0.005824788939,0.1114140376,0.1432582736,0.05448370427,0.03935628757,0.07793569565,0.006770214532,0.0396056436,0.07791620493,0,0.06514032185,0.08632756025,0.4251641929,0.2200129926,0.02928031236,0.05655275285,0,41,0.2523967624,0.234499976,20,22.09014511,2.053410292,3600,3976.226318,369.6138611,2250,3918.750244,4696.185547,,2.656805515,0.1331685334,0.2746525109,0.4898621142,0.1023168415 +Honduras,HND,Latin America and Caribbean,LCN,2008,ephpm,Old worker,2777975,0,0,0,0.4995671213,1,0.4178981185,0.3632930517,0.05460505933,1857652,0.6797616482,0.485091418,,0.6699621677,0.2627600431,0.985583961,0.01441604737,,,0.4573465586,0.3759296238,0.1667238325,0.9615991712,0.03840082884,0.5853391886,,0.03840082884,0.08998553455,0.2875936031,0.2254832685,0.4869231284,0.9062239528,,0.002729620552,0.1532515883,0.004669202957,0.06483285874,0.2227285206,0.04211461544,0.04036024958,0.1517556459,0.02996408753,0.05106866732,0.1161124781,0,0.06424946338,0.1574970186,0.2756118178,0.1916742623,0.02071228996,0.1230739951,0,41,0.2970027328,0.2578901052,25,27.61268234,2.566762924,4485.336426,4970.283203,460.5117798,2484.186279,4500,5625,1.152542353,2.656805515,0.1760346293,0.3126781285,0.3809966445,0.1302905977 +Honduras,HND,Latin America and Caribbean,LCN,2008,ephpm,Rural,4220020,0.4072549343,0.2084980607,0.05481964722,0,0.5379254222,0.4178981185,0.3632930517,0.05460505933,1325002,0.5901256204,0.3241828084,0.3066979945,0.5758388042,0.385060519,0.9757902026,0.02420977503,0.9447841644,0.05521586165,0.4031528533,0.4392044842,0.1576426774,0.9837036133,0.01629639417,0.2909364104,,0.01629639417,0.03079686128,0.5712385178,0.1726087481,0.2561527193,0.7763653398,0.3832123876,0.002860183595,0.111946255,0.002660635859,0.05514167994,0.136224553,0.01742716506,0.01223892532,0.06605028361,0.02421178669,0.0153846154,0.04100334272,0,0.02428093553,0.1041471586,0.554715693,0.156387955,0.0195317734,0.08454849571,0,41,0.385705471,0.1633463353,16.77209091,18.52489662,1.721999168,3018.976563,3334.481445,309.9598694,2199.540039,4140.310547,3881.541016,1.152542353,2.656805515,0.1841520965,0.3436830342,0.4292337,0.04293116182 +Honduras,HND,Latin America and Caribbean,LCN,2008,ephpm,Total,7752276,0.3690990806,0.2175762355,0.05498152971,0.4556411505,0.5759193897,0.7363541111,0.6408867059,0.09546740515,2699518,0.6046378092,0.4190528095,0.2478296161,0.5848800987,0.2400465459,0.9673230648,0.03267694637,0.9270287752,0.07297123224,0.5097272992,0.3624611497,0.1278115213,0.9675664306,0.03243358061,0.4997408688,,0.03243358061,0.07408553362,0.3124060929,0.2327685803,0.4548253119,0.905148685,0.6293987036,0.002756384667,0.1535282582,0.003924285993,0.07255964726,0.2119727284,0.0379190594,0.03864377737,0.1291237622,0.03716599569,0.04033429921,0.1041060314,0,0.06037756056,0.1482514441,0.3005282879,0.2010190934,0.02487594634,0.1205073372,0,41,0.2991193831,0.2411601394,20.91065979,23.09597588,2.146908045,3750.000244,4157.275879,385.0144348,2264.232422,4025.302246,4583.333496,1.152542353,2.656805515,0.1306647956,0.265562892,0.4854435325,0.118328765 +Honduras,HND,Latin America and Caribbean,LCN,2008,ephpm,Urban,3532256,0.3235139251,0.228422001,0.05517493561,1,0.6213111281,0.4178981185,0.3632930517,0.05460505933,1374516,0.633066237,0.5092458725,0.1836426556,0.6072124243,0.09783279896,0.959160924,0.04083910212,0.9052112103,0.09478878975,0.6142438054,0.2871997654,0.09855641425,0.9517408609,0.04825915396,0.6357462406,,0.04825915396,0.1165383011,0.0584484674,0.291795373,0.6497561932,0.9848914742,0.9451882243,0.002654540818,0.194327116,0.005164136644,0.08964956552,0.2862942815,0.05802501738,0.0645513311,0.1910093129,0.04987622797,0.064833574,0.1660695523,0,0.09582254291,0.1915595382,0.05092959106,0.2448445261,0.03012364358,0.1558170319,0,41,0.2150279582,0.3167319894,25,27.61268234,2.566762924,4387.5,4970.283203,450.4668884,2700,3937.5,4837.5,1.152542353,2.656805515,0.06680166721,0.1722884625,0.5525573492,0.208352536 +Honduras,HND,Latin America and Caribbean,LCN,2008,ephpm,Young worker,1686711,0,1,0,0.4783540368,1,0.4178981185,0.3632930517,0.05460505933,841866,0.5000115633,0.3037306964,0.2478296161,0.4635251164,0.1867614686,0.9270287752,0.07297123224,0.9270287752,0.07297123224,0.6326108575,0.3308646083,0.03652454913,0.9815653563,0.01843461394,0.3548308015,,0.01843461394,0.03678466007,0.3706013262,0.2498555183,0.3795431554,0.9019262195,0.6293987036,0.002819157438,0.1541771591,0.002177158371,0.09068204463,0.1867461205,0.02807880752,0.03461797163,0.0760429278,0.05405734479,0.01499304548,0.07576169819,0,0.05123692378,0.1264249086,0.3593500257,0.2230799943,0.03470533341,0.114448078,0,41,0.3040728867,0.2020078152,17.04545403,18.826828,1.750065446,3060,3388.829102,314.1717834,2070.155273,3506.493652,3375,1.152542353,2.656805515,0.05799478292,0.1900972575,0.65273875,0.0991692096 +Honduras,HND,Latin America and Caribbean,LCN,2009,ephpm,Female,4068896,0.3420392275,0.2176000625,0.05874689296,0.4731342494,0.5992138982,0.4134335816,0.3569978476,0.05643573403,1061146,0.4355753362,0.4355753362,0.400703758,0.4161351621,0.1296831816,0.9553689957,0.04463099316,0.900752604,0.09924741834,0.4418190718,0.5069166422,0.05126427114,0.4087075591,0.03311152384,0.6333760023,,0.07494362444,0.1046818569,0.1072769016,0.2006430775,0.6920800209,0.8927230835,0.9020570517,0.001001730096,0.1943307072,0.001351101906,0.003959547728,0.3661348224,0.01212734915,0.0328261517,0.2055342942,0.07545741647,0.03623247892,0.1335369498,0,0.04693169519,0.2807997167,0.1009735093,0.1590632945,0.0137337232,0.2287286222,0,38,0.4519541264,0.185086742,30,31.41016388,3.080115318,5400,5653.829102,554.4207764,2999.999756,4781.25,5625,,2.470170259,0.1241569594,0.2458564937,0.4943158031,0.1356707215 +Honduras,HND,Latin America and Caribbean,LCN,2009,ephpm,Higher education,2851125,0.3717139661,0.3197604418,0.01226007286,0.6374459267,0.6160259843,0.4134335816,0.3569978476,0.05643573403,998532,0.5828981996,0.4787116647,0.1455949992,0.547206223,0.1222788841,0.9387680888,0.06123188883,0.8978511691,0.1021488011,0.6333810091,0.2751960158,0.09142298996,0.5786492229,0.05473175645,0.7297559381,,0.08641205728,0.1681199968,0.09593692422,0.218064189,0.685998857,0.9837599993,0.8302587867,0.002073139884,0.1554053873,0.006535570603,0.0540500991,0.2935869396,0.0557846576,0.06964724511,0.2454646677,0.02151536755,0.07694458216,0.2484000921,0,0.1017611325,0.2030337751,0.08548457921,0.1713076681,0.02109181695,0.09197634459,0,38,0.2855412066,0.2046412826,35.94019699,37.62958527,3.689998388,6469.235352,6773.325195,664.199707,3375,5420.454102,7312.5,1.279013515,2.470170259,0,0,0.6247792244,0.3752207756 +Honduras,HND,Latin America and Caribbean,LCN,2009,ephpm,Lower education,5057404,0.3544197679,0.165775165,0.08234935999,0.3546809852,0.5632308722,0.4134335816,0.3569978476,0.05643573403,1886560,0.6623027325,0.4073384702,0.3387782872,0.6486059427,0.3397113383,0.9793195128,0.02068049833,0.9700307846,0.02996919304,0.419706136,0.4499755204,0.1303183436,0.4148608148,0.004845348652,0.2368024141,,0.01154462155,0.01519692317,0.4613054991,0.2122307718,0.3264637291,0.8258593678,0.4373597801,0.002945047105,0.1265687943,0.002626063535,0.08009087294,0.19119519,0.0267301742,0.0150907943,0.05786763132,0.03557993844,0.01221363246,0.01465592254,0,0.03279148042,0.1346422881,0.447121799,0.2064427882,0.02187480405,0.1302572936,0,38,0.4041642249,0.1716013402,18.81959343,19.70421791,1.93221736,3387.526855,3546.759277,347.7991333,2587.694092,4162.5,3881.541016,1.279013515,2.470170259,0.1868936718,0.3784291148,0.4346772432,0 +Honduras,HND,Latin America and Caribbean,LCN,2009,ephpm,Male,3839633,0.3803814054,0.2251978219,0.05531622469,0.4391224384,0.5643023849,0.4134335816,0.3569978476,0.05643573403,1823946,0.8581905961,,0.07159788162,0.8333489299,0.3448518515,0.9710534215,0.02894658037,0.9567033648,0.04329661652,0.5201374888,0.3248800635,0.1549824476,0.5050687194,0.01506874897,0.3474986553,,0.02897070348,0.04491208866,0.4707081616,0.2219525874,0.3073392212,,0.4701371789,0.003596488154,0.1030249149,0.005424683914,0.1099065021,0.1451983154,0.05046498775,0.03380156308,0.07257062197,0.005303746089,0.03279123083,0.07038496435,0,0.06133366004,0.08659154922,0.4546391368,0.2151180059,0.02616227604,0.05297918245,0,38,0.3145899177,0.1813784689,22.91666603,23.9938755,2.352865934,4125,4318.897461,423.5158691,2587.694092,4500,5750.431641,,2.470170259,0.1294990927,0.2685492039,0.4978302121,0.1041214913 +Honduras,HND,Latin America and Caribbean,LCN,2009,ephpm,Old worker,2854784,0,0,0,0.4996833503,1,0.4134335816,0.3569978476,0.05643573403,2002822,0.711963594,0.5156740546,,0.6951373219,0.2846353352,0.9763663411,0.0236336533,,,0.4412699044,0.4069265723,0.1518035382,0.4133198559,0.0279500559,0.5055565238,,0.06334004551,0.08203271776,0.3091669083,0.2110136151,0.4798194766,0.8899000883,,0.002373636467,0.1385695934,0.00477746781,0.06529290974,0.2366256565,0.04020391405,0.03660200536,0.139633581,0.02675433084,0.04242743179,0.1055962592,0,0.06026300788,0.1681132466,0.2952075303,0.1874174029,0.01800663024,0.1229685098,0,38,0.360437274,0.1964918822,28.75215721,30.10366631,2.951998711,5175.388184,5418.659668,531.3597412,2760.207031,5175.388184,6469.235352,1.279013515,2.470170259,0.1707404405,0.3060077727,0.3958494961,0.1274022907 +Honduras,HND,Latin America and Caribbean,LCN,2009,ephpm,Rural,4297326,0.3970836699,0.2134825289,0.05706525221,0,0.5458510518,0.4134335816,0.3569978476,0.05643573403,1459387,0.6281217933,0.355370909,0.2916607559,0.6166959405,0.4141572118,0.9818094969,0.0181905143,0.9685801864,0.03141981736,0.4014272392,0.4616998434,0.1368729174,0.3929057121,0.008521537296,0.2079306245,,0.0212281011,0.02650121413,0.5915079117,0.156083867,0.2524082363,0.7556315064,0.364045918,0.003455314087,0.09420023859,0.002764251316,0.0556640625,0.1447246075,0.01670836285,0.008446323685,0.06154088676,0.02098806575,0.0135129448,0.03454501182,0,0.02291676402,0.1146154031,0.572721839,0.1473178416,0.01867005788,0.07570014149,0,38,0.4643745422,0.1229618266,18.29682732,19.15687943,1.878544688,3293.428955,3448.238281,338.138031,2587.694092,4312.823242,4744.105957,1.279013515,2.470170259,0.1790423989,0.3327247798,0.4379656017,0.05026722327 +Honduras,HND,Latin America and Caribbean,LCN,2009,ephpm,Total,7908529,0.3606545627,0.2212888151,0.05708128586,0.4566213191,0.5822641701,0.7174335466,0.6194002332,0.0980333134,2885092,0.6265329107,0.4355753362,0.2382282019,0.6047825986,0.2665250599,0.9652846456,0.03471535817,0.9401283264,0.05987169594,0.4916276336,0.3911459446,0.1172264367,0.9559894876,0.04401048591,0.4335195124,,0.04401048645,0.06666977704,0.3383766711,0.2141934335,0.4474298954,0.8927230835,0.5927578211,0.002651692601,0.1362709105,0.00394142326,0.07132941484,0.2256450504,0.0365056023,0.03344639763,0.1209849566,0.0308478903,0.03405149654,0.09351268411,0,0.05605932698,0.1577150822,0.3251185715,0.1945894808,0.02161065303,0.1173426956,0,38,0.3642484248,0.1827190369,25,26.17513657,2.566762924,4500,4711.524902,462.0173035,2587.694092,4600.345215,5692.927246,1.279013515,2.470170259,0.1266495138,0.2564445436,0.4959555864,0.120950371 +Honduras,HND,Latin America and Caribbean,LCN,2009,ephpm,Urban,3611203,0.3173039556,0.2305782884,0.05710036308,1,0.6255956888,0.4134335816,0.3569978476,0.05643573403,1425705,0.6370103359,0.5120430589,0.1793760508,0.6041211486,0.1100765839,0.9483693838,0.05163059756,0.901987493,0.09801247716,0.5872146487,0.316378653,0.09640669078,0.5516794324,0.03553522378,0.6306908727,,0.06051488221,0.1092371494,0.06979687512,0.2758494318,0.6543536782,0.9860230088,0.9226306081,0.001799026038,0.1809091419,0.005190438125,0.08795081824,0.311504066,0.05751106516,0.05997222662,0.1840568781,0.041309461,0.0558485277,0.1560935378,0,0.09123266488,0.2034556568,0.06234370172,0.2447576374,0.02473142929,0.1615368575,0,38,0.258256197,0.2459772676,30.55555534,31.99183464,3.137154579,5500,5758.530273,564.6878052,2925,4837.5,5999.999512,1.279013515,2.470170259,0.06406779587,0.1653300971,0.5652228594,0.2053792477 +Honduras,HND,Latin America and Caribbean,LCN,2009,ephpm,Young worker,1750069,0,1,0,0.4757898152,1,0.4134335816,0.3569978476,0.05643573403,882270,0.5046049953,0.2952448726,0.2382282019,0.4743934274,0.2238286436,0.9401283264,0.05987169594,0.9401283264,0.05987169594,0.6103500128,0.3539418578,0.03570812941,0.603597343,0.006752691697,0.3015506864,,0.01106363814,0.03045040928,0.4072421491,0.2216902524,0.3710675836,0.9020570517,0.5927578211,0.003307243111,0.1308514774,0.001970349345,0.08556118608,0.1997569948,0.02778639086,0.02600668184,0.07701858133,0.04049894586,0.01417160034,0.06483287364,0,0.04608208314,0.1330355257,0.3961111009,0.2116120756,0.03016463667,0.1039900929,0,38,0.3731555343,0.1505304128,19.16810417,20.06911087,1.967999101,3450.258789,3612.439941,354.2398376,2415.181396,3851.591064,4410,1.279013515,2.470170259,0.0558585301,0.1768673807,0.6566827297,0.1105913892 +Honduras,HND,Latin America and Caribbean,LCN,2010,ephpm,Female,4092823,0.3277686238,0.216287151,0.06328761578,0.4747332036,0.6089437604,0.4074713886,0.3461455405,0.0613258481,1131015,0.4538038969,0.4538038969,0.3967115581,0.4282142818,0.127428934,0.943610847,0.05638917163,0.8804948926,0.1195050851,0.4329840243,0.5178704262,0.04889443517,0.386507988,0.03567995131,0.5860244036,,0.08451201022,0.101247333,0.1161667109,0.1893166006,0.6945166588,0.8838332891,0.9157305956,0.0002734399168,0.1826880425,0.002836232074,0.00351888896,0.3699519634,0.01060569752,0.03851731494,0.1898248345,0.08561687171,0.03601500019,0.1354972422,0,0.05010318384,0.2697220743,0.1077424958,0.1587134898,0.01385185029,0.2283546478,0,37,0.4654386044,0.1936228871,30.17241287,30.17241287,3.097817183,5431.03418,5431.03418,557.6070557,3105.233154,4968.372559,5625,,2.631578922,0.1121233329,0.2482084632,0.5209231973,0.1187450066 +Honduras,HND,Latin America and Caribbean,LCN,2010,ephpm,Higher education,2942963,0.355799228,0.3318505883,0.0146440845,0.650113821,0.6295566559,0.4074713886,0.3461455405,0.0613258481,1111431,0.5998778939,0.5036565065,0.1418867409,0.5548310876,0.1244929358,0.9249067307,0.07509328425,0.8822747469,0.1177252233,0.613204658,0.2979153097,0.08888002485,0.5329163074,0.06446880847,0.6908470988,,0.1079183295,0.1570639163,0.1123788431,0.1990124434,0.688608706,0.9719324708,0.8228695989,0.001422405476,0.1417080015,0.008622538298,0.04725949466,0.3032777905,0.05822758377,0.07698316872,0.2215046585,0.02861550823,0.07575695962,0.2338760793,0,0.1043811366,0.1906138062,0.1011923179,0.1729610264,0.02308356762,0.09813509136,0,37,0.301369071,0.2136809081,35.94019699,35.94019699,3.689998388,6469.235352,6469.235352,664.199707,3696.706055,5400,7346.938965,1.205031872,2.631578922,0,0,0.6922593713,0.3077406287 +Honduras,HND,Latin America and Caribbean,LCN,2010,ephpm,Lower education,5094744,0.3454615176,0.161698997,0.08777280897,0.3430342972,0.566765666,0.4074713886,0.3461455405,0.0613258481,1928267,0.6677920818,0.4191189706,0.3337715268,0.6511574388,0.3507180512,0.9750900865,0.02490993217,0.960238874,0.03976114839,0.3788725138,0.4757306874,0.1452542543,0.366227299,0.004673354328,0.2836908102,,0.01260001678,0.01567358151,0.4808119237,0.1940620244,0.3251260519,0.8150044084,0.4161744416,0.002731773304,0.1260319203,0.004186896607,0.06111143529,0.1945652813,0.02801447734,0.01327244192,0.05112173036,0.03815210611,0.01441216841,0.01295867749,0,0.03345355764,0.1331648082,0.4772848785,0.1889084727,0.01670974493,0.1231077015,0,37,0.4430260956,0.1782660186,19.16810417,19.16810417,1.967999101,3450.258789,3450.258789,354.2398376,2587.694092,4218.75,3750.000244,1.205031872,2.631578922,0.172695592,0.3769316673,0.4503727555,0 +Honduras,HND,Latin America and Caribbean,LCN,2010,ephpm,Male,3944884,0.371530056,0.2320002317,0.058620736,0.4354840219,0.5698491931,0.4074713886,0.3461455405,0.0613258481,1908683,0.8490624428,,0.06813379377,0.8189390898,0.3538413942,0.9645215869,0.03547839075,0.9440748692,0.05592510477,0.4783510268,0.352011919,0.1696370244,0.4475471079,0.02008727938,0.4148076177,,0.04295509681,0.045015499,0.4864892662,0.1995852739,0.3139254749,,0.4631454945,0.003426817246,0.1019051149,0.007451411337,0.08680193871,0.153532356,0.0550162904,0.03424244374,0.06587152928,0.005262846593,0.03613539413,0.06492763013,0,0.06345833093,0.08522923291,0.4832728803,0.1976881921,0.0219617784,0.04732657969,0,37,0.3510407507,0.189116776,24.64470673,24.64470673,2.530284643,4419.643066,4436.047363,453.7670288,2710.917725,4528.464844,5999.999512,,2.631578922,0.1188173741,0.2554800212,0.541649878,0.08405273408 +Honduras,HND,Latin America and Caribbean,LCN,2010,ephpm,Old worker,2939849,0,0,0,0.4931426644,1,0.4074713886,0.3461455405,0.0613258481,2113265,0.7188345194,0.5339399576,,0.6976327896,0.2941429019,0.9705053568,0.02949464507,,,0.4167743027,0.4213585556,0.1617364734,0.3760475218,0.03321607038,0.5585007071,,0.0811605826,0.08125903457,0.3257470429,0.1911244839,0.4831284881,0.874610126,,0.001989904325,0.1295791566,0.006805786863,0.05274962634,0.2412084788,0.04186693951,0.03743844852,0.1323227584,0.03029185534,0.04356488958,0.1039263681,0,0.061718449,0.1633331329,0.3162260652,0.1764961332,0.0157301873,0.1190047562,0,37,0.3884507716,0.2074744552,30.46875,30.46875,3.128242254,5454.54541,5484.375,560.0209961,3105.233154,5104.814453,6624.49707,1.205031872,2.631578922,0.1598735005,0.3143204749,0.4185554683,0.1072505563 +Honduras,HND,Latin America and Caribbean,LCN,2010,ephpm,Rural,4376774,0.3875402212,0.2144273371,0.05757985264,0,0.5548799038,0.4074713886,0.3461455405,0.0613258481,1548610,0.6376596689,0.3691825271,0.2871177495,0.6251124144,0.4116160572,0.9803230166,0.01967700012,0.9654614329,0.03453855217,0.3517269194,0.4961314499,0.1519651115,0.3381682038,0.007802979555,0.2769578099,,0.02255384251,0.02669454366,0.6085194349,0.1389952302,0.2524853349,0.737189889,0.3505941629,0.001780695398,0.09436489642,0.003918858711,0.03893078491,0.1525962949,0.01841425151,0.006981920451,0.0531404689,0.02135239914,0.01509450562,0.03215287998,0,0.02362369373,0.1163130403,0.5977022052,0.1316085905,0.01256078016,0.07094430923,0,37,0.5005027056,0.1307535172,19.16810417,19.16810417,1.967999101,3450.258789,3450.258789,354.2398376,2587.694092,4704.898438,4540.226563,1.205031872,2.631578922,0.162671566,0.3274579942,0.4708641768,0.03900625557 +Honduras,HND,Latin America and Caribbean,LCN,2010,ephpm,Total,8037707,0.3492466211,0.223999083,0.06099712104,0.4554698169,0.5897562504,0.6956157597,0.5921880792,0.1034276805,3039698,0.6412475439,0.4538038969,0.2296862006,0.613507877,0.2707537115,0.9567410946,0.04325890169,0.9253437519,0.07465623319,0.461702466,0.4128778577,0.1253275275,0.9427674346,0.05723254885,0.4739035368,,0.05723254755,0.06565117091,0.3504639268,0.1958134323,0.4537226558,0.8838332891,0.5900987983,0.002268531825,0.1315779686,0.005756183062,0.0562107563,0.2330267131,0.03870357573,0.03581267223,0.1114015356,0.03477815166,0.03609086201,0.0910288915,0,0.05851872265,0.1534667611,0.3443771601,0.1832727939,0.01896219701,0.114282608,0,37,0.3930111527,0.1907699853,26.13832283,26.13832283,2.683634996,4704.898438,4704.898438,483.0543213,2740.603271,4657.849609,5793.75,1.205031872,2.631578922,0.1153011099,0.2516604066,0.5307624936,0.1022759974 +Honduras,HND,Latin America and Caribbean,LCN,2010,ephpm,Urban,3660933,0.303465277,0.2354424447,0.0650825873,1,0.6314521432,0.4074713886,0.3461455405,0.0613258481,1491088,0.645016849,0.5351359844,0.1671533585,0.6013166308,0.1169131547,0.9322494864,0.06775052845,0.8728020191,0.1271979809,0.5818104744,0.3219537735,0.09623571485,0.5201400518,0.04547481984,0.60612005,,0.08039890975,0.1081970185,0.06949649006,0.2576763332,0.6728271842,0.9860257506,0.9370672107,0.002799681621,0.1720950603,0.007756637409,0.07502495497,0.3205982745,0.06079432741,0.0672032088,0.1748354137,0.04939593375,0.05931705981,0.1561575979,0,0.09711964428,0.1945662647,0.06414870173,0.2404237986,0.02604345046,0.1622234881,0,37,0.2751982808,0.2565492392,31.25,31.25,3.208453417,5625,5625,577.5216064,3600,4602.272949,6093.750488,1.205031872,2.631578922,0.05706092343,0.1584700793,0.6044052243,0.1800637543 +Honduras,HND,Latin America and Caribbean,LCN,2010,ephpm,Young worker,1800439,0,1,0,0.4787382483,1,0.4074713886,0.3461455405,0.0613258481,926433,0.5145595074,0.308321625,0.2296862006,0.476144433,0.2147972286,0.9253437519,0.07465623319,0.9253437519,0.07465623319,0.5691888928,0.3925885558,0.03822254017,0.5426138043,0.008089642972,0.3265024722,,0.01468965318,0.0283108335,0.4099012315,0.2070890814,0.3830096722,0.9157305956,0.5900987983,0.002938554389,0.1363845468,0.003232174087,0.06453381479,0.2133517861,0.03109655716,0.03190312535,0.06109174713,0.04556646198,0.01800859347,0.05982540175,0,0.05077746883,0.129596591,0.4124844372,0.199667871,0.02678155154,0.1028580889,0,37,0.4039065838,0.1508605182,20,20,2.053410292,3600,3600,369.6138611,2484.186279,3999.999756,4500,1.205031872,2.631578922,0.04283808917,0.1497915387,0.7131816745,0.09418866783 +Honduras,HND,Latin America and Caribbean,LCN,2011,ephpm,Female,4213157,0.3192162216,0.2210660577,0.06372798234,0.4740499854,0.6170558333,0.3986184299,0.3387609124,0.05985752493,1100620,0.4235132933,0.4235132933,0.3945034742,0.3957676291,0.1184815019,0.9344869256,0.0655130744,0.8623912334,0.1376087815,0.4789954424,0.4788476527,0.04215689749,0.4394053519,0.03959008679,0.6100913286,,0.0826523304,0.1087820753,0.0877097249,0.2043257654,0.7079644799,0.9122902751,0.9318461418,0.0004228148609,0.197661072,0.002974317409,0.003267559921,0.3565293849,0.0104632061,0.03507804498,0.02754531614,0.2783485651,0.035189569,0.03873934597,0.1056348234,0.06251440197,0.3378074169,0.04485690594,0.1567551345,0.007653753273,0.2108486444,0,39,0.410415858,0.2480232269,31.25,29.27063751,3.208453417,5531.25,5268.714355,567.8963013,2610.195801,5175.388184,5881.123047,,2.637037039,0.1102924347,0.2342725396,0.5336304307,0.1218045875 +Honduras,HND,Latin America and Caribbean,LCN,2011,ephpm,Higher education,3151607,0.3395417035,0.3411754668,0.01719281636,0.6330304146,0.6432654858,0.3986184299,0.3387609124,0.05985752493,1176951,0.5856477022,0.4800291061,0.1565815061,0.5390492082,0.1243049055,0.9204325676,0.07956746221,0.8766682148,0.1233317629,0.6339614987,0.289922297,0.07611621171,0.573129952,0.06083149463,0.7089202404,,0.09595455974,0.1571737975,0.1174093559,0.211472556,0.6711180806,0.9785302877,0.7933782339,0.0006970657851,0.1561307162,0.01080267038,0.04384210706,0.2931143045,0.0463068001,0.06551770866,0.04810401052,0.2180752605,0.07826888561,0.08406873792,0.1578679681,0.07670792192,0.1969087124,0.04000077397,0.1737406999,0.03164301068,0.1591999978,0.001593273948,39,0.2793955207,0.255259186,37.08333206,34.73448944,3.807364702,6562.499512,6252.208496,673.7752075,2911.155762,5999.999512,7116.158203,1.278409123,2.637037039,0,0,0.6900148392,0.3099851906 +Honduras,HND,Latin America and Caribbean,LCN,2011,ephpm,Lower education,5065455,0.3399323523,0.1569177955,0.08663012832,0.3448383212,0.5734375119,0.3986184299,0.3387609124,0.05985752493,1868306,0.6431961656,0.3816089332,0.3564589918,0.6264733672,0.3018874824,0.9740005136,0.02599948831,0.9612862468,0.0387137495,0.4008856118,0.4821080565,0.1170063019,0.3949067295,0.005978905596,0.2849450707,,0.01491424348,0.01652661897,0.474083066,0.1980465502,0.327870369,0.8544594049,0.3909936845,0.002523733536,0.1293652654,0.001944759395,0.06421279907,0.1913809329,0.02463086881,0.01477181353,0.0115036061,0.08558315784,0.01437245402,0.002403652063,0.01510498021,0.005615665112,0.1553779095,0.2623585463,0.1875502467,0.02723589353,0.3298179805,0.0001626614103,39,0.361018002,0.2184607834,19.16810417,17.95400429,1.967999101,3450.258789,3231.720703,354.2398376,2587.694092,4500,4090.908936,1.278409123,2.637037039,0.1708545536,0.3759388924,0.4532065392,0 +Honduras,HND,Latin America and Caribbean,LCN,2011,ephpm,Male,4003905,0.3614236712,0.2344523668,0.05607276037,0.4357193708,0.5825035572,0.3986184299,0.3387609124,0.05985752493,1944637,0.839800477,,0.08974774182,0.8095201254,0.2998922467,0.9639434218,0.03605660051,0.9454575181,0.05454249308,0.4927250743,0.3728308976,0.1344440132,0.473488152,0.01923692413,0.4259114861,,0.03904190287,0.04718914628,0.4798402488,0.2023568302,0.317802906,,0.436032176,0.002620124258,0.1074058786,0.006493745372,0.08583708107,0.1596434712,0.04490284622,0.03294045851,0.0238431301,0.05647301301,0.03987687454,0.02966199256,0.04793707281,0.01548129693,0.07928323001,0.253194958,0.1964662969,0.04052717611,0.2964924276,0.001078676083,39,0.2869914174,0.2235324979,24.30555534,22.76605225,2.495463848,4312.823242,4097.889648,442.7997742,2587.694092,4909.091309,5999.999512,,2.637037039,0.1121108755,0.2560898066,0.5385606885,0.0932386145 +Honduras,HND,Latin America and Caribbean,LCN,2011,ephpm,Old worker,3061931,0,0,0,0.5017085671,1,0.3986184299,0.3387609124,0.05985752493,2112895,0.6940023303,0.491238147,,0.6716726422,0.260782361,0.9678246975,0.03217528388,,,0.4524331689,0.4150594175,0.1325074136,0.4196190238,0.03281412646,0.5824851394,,0.07252811641,0.08747956157,0.306383431,0.2068174481,0.4867991209,0.9062316418,,0.00133215508,0.1439814419,0.00685660867,0.05464724451,0.2366501689,0.03586194664,0.0369483307,0.03178225458,0.1455564201,0.04854976758,0.04175387323,0.0736002326,0.03012452461,0.178600356,0.2095390856,0.1836264879,0.03380976617,0.1996687353,0.0007271706709,39,0.3254335821,0.2488859147,31.25,29.27063751,3.208453417,5595.888672,5268.714355,574.5327759,2822.939209,5400,6750,1.278409123,2.637037039,0.1539877206,0.3082334101,0.426143229,0.1116356477 +Honduras,HND,Latin America and Caribbean,LCN,2011,ephpm,Rural,4475236,0.3783154786,0.2219413668,0.05881499872,0,0.5628695488,0.3986184299,0.3387609124,0.05985752493,1540124,0.6136595011,0.336334765,0.2868521214,0.6000238061,0.3568120599,0.9777796865,0.02222028933,0.9636030197,0.03639695793,0.3869063258,0.4963158369,0.1167778522,0.3787158728,0.008190440014,0.2691455781,,0.02116905153,0.02724944986,0.5980431437,0.1407257169,0.2612311542,0.7960636616,0.3470983207,0.003050416941,0.09069409966,0.00331679685,0.04366440699,0.1433476806,0.01654678397,0.01220100373,0.007893086411,0.08124259114,0.01292448025,0.005956562702,0.03065139614,0.009184529074,0.1224482059,0.3128643036,0.1305184513,0.01499765553,0.3602770865,0.0001773023687,39,0.4021246433,0.1703960449,19.16810417,17.95400429,1.967999101,3450.258789,3231.720703,354.2398376,2587.694092,4657.849609,4566.519043,1.278409123,2.637037039,0.1506753713,0.3166217506,0.4848828316,0.04782003164 +Honduras,HND,Latin America and Caribbean,LCN,2011,ephpm,Total,8217062,0.3397825062,0.2275887728,0.05999784172,0.455372721,0.6002196372,0.6660567619,0.5660969505,0.09995981138,3045257,0.6174434478,0.4235132933,0.2415470183,0.5886071086,0.2356203049,0.9532971978,0.04670279101,0.9203753471,0.07962465286,0.4878607988,0.4103915393,0.1017476544,0.9457881579,0.05421185354,0.4910728931,,0.05421185121,0.06901088357,0.3410654664,0.2030536383,0.4558809102,0.9122902751,0.5763566494,0.001842497499,0.1393471509,0.005248221569,0.05661576986,0.2293212861,0.03271467239,0.03369694948,0.02515333146,0.1349946558,0.0382162109,0.03287800401,0.06837878376,0.03214463592,0.1708756536,0.1793829501,0.1823970377,0.02888046391,0.2661497295,0.000696512463,39,0.3305826187,0.2321821749,26.66666603,24.97760963,2.73788023,4714.285645,4495.969727,484.0181274,2587.694092,5000,5999.999512,1.278409123,2.637037039,0.1111507043,0.244569838,0.5359574556,0.1083220169 +Honduras,HND,Latin America and Caribbean,LCN,2011,ephpm,Urban,3741826,0.2936969697,0.2343430668,0.06141252816,1,0.6448904872,0.3986184299,0.3387609124,0.05985752493,1505133,0.6259281039,0.5064445138,0.1902155131,0.5810149908,0.1049935818,0.9282455444,0.07175445557,0.8599701524,0.1400298327,0.5966747403,0.3177779019,0.085547328,0.5505481362,0.04612660408,0.6465322375,,0.07730610669,0.1140235066,0.06376505643,0.2703106701,0.6659242511,0.9889476895,0.935138464,0.0005390514852,0.1918478459,0.00733239064,0.07059137523,0.3220940232,0.05016117916,0.05689286813,0.04377857968,0.1929976344,0.06547694653,0.06189532578,0.1090433076,0.05689221993,0.2230732441,0.03550986201,0.2383144647,0.04384407029,0.1646944135,0.001256143791,39,0.2530216873,0.299166441,32.40740585,30.35473442,3.327285051,5727.272949,5463.852051,588.0220337,2842.105225,5200,6238.63623,1.278409123,2.637037039,0.06237256154,0.1556492001,0.5989895463,0.1829886734 +Honduras,HND,Latin America and Caribbean,LCN,2011,ephpm,Young worker,1870111,0,1,0,0.4688871503,1,0.3986184299,0.3387609124,0.05985752493,932362,0.4986234307,0.3022699356,0.2415470183,0.4589207172,0.1756589711,0.9203753471,0.07962465286,0.9203753471,0.07962465286,0.5722851157,0.3992679417,0.02844697051,0.5610081553,0.01127693802,0.3154851198,,0.01970510557,0.02499991283,0.4236433506,0.1940920204,0.3822646141,0.9318461418,0.5763566494,0.003057622816,0.1283129156,0.001418653061,0.06130282953,0.2118712217,0.02522101626,0.02595540509,0.009369870648,0.109847106,0.01359129138,0.01172675751,0.05593603849,0.03695857152,0.1524676532,0.1075207144,0.1794672757,0.01713390648,0.4245743454,0.0006234537577,39,0.3428135216,0.1925047338,19.34235954,18.11722183,1.985890031,3450.258789,3261.099854,354.2398376,2534.884033,4179.742188,4234.408691,1.278409123,2.637037039,0.04156154767,0.1411477327,0.7143517137,0.1029389948 +Honduras,HND,Latin America and Caribbean,LCN,2012,ephpm,Female,4254492,0.3112681806,0.2175188065,0.0735142976,0.4779301584,0.6152175069,0.3964666426,0.3282059133,0.06826073676,1083346,0.4138955772,0.4138955772,0.4212562442,0.3917112947,0.1233302131,0.9464012384,0.05359875783,0.8760325313,0.1239674538,0.4438865483,0.5031971931,0.0529162772,0.411257416,0.032629136,0.7002649903,,0.07350782305,0.1095798239,0.104853645,0.2087693959,0.6863769293,0.8951463699,0.9056973457,0.001115713734,0.2013111115,0.002430731896,0.003911837004,0.3576536775,0.01078393031,0.03096252307,0.03224627674,0.2547305524,0.04048649967,0.04080446437,0.09833021462,0.04640488327,0.3362320662,0.06729479134,0.1589946151,0.002982599894,0.2084698826,0,40,0.4373642504,0.2380519062,32.20241547,28.67283249,3.306238413,5727.272949,5161.109863,588.0220337,2760.207031,5400,6229.633789,,2.300172567,0.1108307093,0.2335596234,0.5291952491,0.1264144033 +Honduras,HND,Latin America and Caribbean,LCN,2012,ephpm,Higher education,3189208,0.3477327228,0.3388916552,0.01750716753,0.6332205534,0.6347600818,0.3964666426,0.3282059133,0.06826073676,1142586,0.5644122362,0.4631382525,0.1734277308,0.5271396637,0.107223846,0.9339621067,0.06603791565,0.8980429173,0.1019570902,0.6213402152,0.3046464622,0.07401333749,0.5658794045,0.05546080694,0.7855609059,,0.08925996721,0.165287897,0.1158984378,0.2253885269,0.6587130427,0.9785459638,0.7896385789,0.001616637339,0.1639994979,0.009027632885,0.05074476078,0.2892785668,0.05134184659,0.06098346412,0.0568677038,0.2002414614,0.08199173212,0.0822859779,0.1561081409,0.06457682699,0.2161100954,0.04001379386,0.1706967801,0.03034301288,0.1561044008,0.00176922814,40,0.2821973562,0.2598262429,38.09523773,33.91976547,3.911257505,6750,6105.558105,693.0259399,3696.706055,5625,7593.75,1.225204587,2.300172567,0,0,0.688182652,0.3118173182 +Honduras,HND,Latin America and Caribbean,LCN,2012,ephpm,Lower education,5116060,0.3226259947,0.1557206064,0.09978029877,0.3509681225,0.5775936842,0.3964666426,0.3282059133,0.06826073676,1891950,0.6402529478,0.3772004545,0.3696935773,0.6251307726,0.3120723367,0.9763810039,0.02361901663,0.9610213637,0.03897862881,0.3508215249,0.5226529837,0.1265255064,0.3465925753,0.004228956997,0.3963613808,,0.01205443963,0.01709013991,0.4953433871,0.191164881,0.3134917319,0.8235975504,0.366949141,0.004598151427,0.1225747913,0.001985639334,0.06200629845,0.1822673976,0.02631350979,0.01417339407,0.01098922547,0.07974821329,0.01249307115,0.002622256521,0.01129237656,0.00374283269,0.1448055059,0.2757894993,0.18163836,0.02979649976,0.3378196061,0,40,0.3627773225,0.2309867293,20,17.80787659,2.053410292,3600,3205.417725,369.6138611,2875.21582,4436.047363,3881.541016,1.225204587,2.300172567,0.1709689796,0.3664895296,0.4625415206,0 +Honduras,HND,Latin America and Caribbean,LCN,2012,ephpm,Male,4050776,0.354321748,0.2350265682,0.06259294599,0.4398406744,0.5830852985,0.3964666426,0.3282059133,0.06826073676,1951190,0.8260935545,,0.09676273912,0.7998126745,0.2987926602,0.9681866169,0.03181340545,0.9533532262,0.04664679617,0.4531241059,0.4100637436,0.1368121356,0.4353687167,0.0177553948,0.5365589261,,0.03918439522,0.05060779676,0.4929688275,0.2009245753,0.3061065972,,0.4327060878,0.00480390992,0.1032687128,0.005715562496,0.08713638783,0.1475733221,0.04884275049,0.03147265315,0.02534202859,0.05287583545,0.03655890003,0.02690041251,0.04585848749,0.01495302562,0.0811914131,0.2557598352,0.1877470762,0.04465792328,0.3053735197,0.0009994092397,40,0.2769604623,0.2434423268,25.55747223,22.75621605,2.62399888,4583.915039,4096.119141,470.6329041,2985.800781,4805.717773,6136.36377,,2.300172567,0.1110265702,0.2423963696,0.5555772185,0.09099983424 +Honduras,HND,Latin America and Caribbean,LCN,2012,ephpm,Old worker,3101914,0,0,0,0.4975328147,1,0.3964666426,0.3282059133,0.06826073676,2132034,0.6873285174,0.4875892997,,0.6686091423,0.2555738688,0.9727649689,0.02723502554,,,0.4175888896,0.4450261593,0.1373849511,0.3877668381,0.02982206084,0.6807823777,,0.07141488045,0.0873350054,0.322568506,0.2086173296,0.4688141644,0.8921803832,,0.002987852786,0.143878907,0.005696016364,0.05605454743,0.2295728028,0.03997916728,0.03222502396,0.03324251622,0.1337946653,0.04505180568,0.03856375813,0.06939258426,0.02309389599,0.1784029454,0.2264335752,0.1774858683,0.03790897503,0.2031227052,0.000543884933,40,0.3262121975,0.2584741414,31.62737274,28.1608181,3.247198582,5625,5068.947266,577.5216064,3250,5400,7000,1.225204587,2.300172567,0.1498735994,0.2961577773,0.4437035024,0.110265106 +Honduras,HND,Latin America and Caribbean,LCN,2012,ephpm,Rural,4490222,0.3671720326,0.2218954861,0.0638204515,0,0.5690075159,0.3964666426,0.3282059133,0.06826073676,1537910,0.6019287705,0.3218718469,0.3193705082,0.5900084972,0.363327831,0.980196476,0.0198034998,0.9671015739,0.03289844468,0.3387088478,0.5344574451,0.126833722,0.3308518827,0.007856955752,0.3967603743,,0.02319678478,0.03105368465,0.6194289923,0.1368855089,0.2436855286,0.7481651306,0.3115499914,0.004003524315,0.08812663704,0.001496843062,0.04325849935,0.1338175088,0.01365869306,0.008981058374,0.01010369044,0.07712457329,0.0157139115,0.006734533701,0.02862176858,0.005237970967,0.1175173521,0.3279343843,0.1233165339,0.01533977129,0.3593966961,0.0001870703854,40,0.3940533698,0.1750038862,20.53725624,18.28624725,2.108570576,3696.706055,3291.524414,379.5426941,2947.373779,4968.372559,4916.618652,1.225204587,2.300172567,0.151564315,0.3050629199,0.4913221002,0.0520506762 +Honduras,HND,Latin America and Caribbean,LCN,2012,ephpm,Total,8305268,0.3322669566,0.2260579616,0.06818756461,0.4593525529,0.5995454937,0.6679301661,0.5541980718,0.1137320943,3034536,0.6094197152,0.4138955772,0.2567100823,0.5852922431,0.2370652407,0.9604091048,0.03959089518,0.9312201142,0.06877990067,0.4498743415,0.44282794,0.1072977036,0.9489013717,0.05109861176,0.5933949351,,0.05109861121,0.07135406137,0.3565679193,0.2036815882,0.4397504628,0.8951463699,0.5593674779,0.003507714253,0.1377251595,0.004561127163,0.05788758397,0.2214048803,0.03546719253,0.03129336983,0.02776848897,0.1238165423,0.03794062138,0.03179183602,0.06431795657,0.02601774037,0.1709143221,0.1894581318,0.177632004,0.02999660932,0.2712829709,0.0006478186115,40,0.3332618177,0.2415502965,27.60206985,24.57671356,2.833918571,4950,4423.808594,508.2190247,2957.364746,4968.372559,6187.5,1.225204587,2.300172567,0.1109241918,0.2377773821,0.5417873263,0.1095111147 +Honduras,HND,Latin America and Caribbean,LCN,2012,ephpm,Urban,3815046,0.2911844254,0.2309571058,0.07332755625,1,0.6354880333,0.3964666426,0.3282059133,0.06826073676,1496626,0.6173140407,0.5032286048,0.1858537793,0.5803220272,0.1017824486,0.9400758743,0.05992412195,0.8836812973,0.1163187325,0.5689815283,0.3446524441,0.08636603504,0.5297816396,0.03919991106,0.7189773917,,0.06889487058,0.1145335063,0.07464494556,0.2753215432,0.6500335336,0.9893394709,0.9200000167,0.002975949086,0.1909204423,0.007847624831,0.07357753068,0.3153438568,0.0588571839,0.05522370711,0.04671428725,0.1738944799,0.06175521016,0.05863923207,0.1025642827,0.04828201979,0.2281259596,0.0410891138,0.2358277738,0.04570053518,0.1768743843,0.001141482731,40,0.2680215538,0.3129665852,32.5,28.93779945,3.336791754,5812.500488,5208.803711,596.7723999,3214.285889,4973.68457,6562.499512,1.225204587,2.300172567,0.06110212952,0.1552898437,0.6036542654,0.1799537539 +Honduras,HND,Latin America and Caribbean,LCN,2012,ephpm,Young worker,1877472,0,1,0,0.4693076611,1,0.3964666426,0.3282059133,0.06826073676,902502,0.4807006419,0.2791582644,0.2567100823,0.4476380944,0.191390574,0.9312201142,0.06877990067,0.9312201142,0.06877990067,0.5295468569,0.4374033213,0.03304982558,0.5234237909,0.006123070605,0.4238037765,,0.01156284939,0.03191706911,0.4406324923,0.1914778501,0.3678896725,0.9056973457,0.5593674779,0.004793086555,0.1225098595,0.001755080419,0.06241981685,0.2012094855,0.02431120165,0.02898982726,0.01423379779,0.09914535284,0.02039199136,0.01508041099,0.05179503933,0.03323306516,0.1524342299,0.09821186215,0.1779926419,0.01047085505,0.4394856095,0.0009043011232,40,0.3505833149,0.1999671459,20.83333397,18.54987335,2.138969183,3750.000244,3338.977295,385.0144348,2587.694092,4075.47168,4500,1.225204587,2.300172567,0.04586745054,0.1402652562,0.7056155801,0.1082517356 +Honduras,HND,Latin America and Caribbean,LCN,2013,ephpm,Female,4434924,0.3229509592,0.2044100463,0.0680327341,0.4852459729,0.6090162992,0.4003916383,0.3336291015,0.06676253676,1225287,0.4536519051,0.4536519051,0.3979667723,0.4293855429,0.1425537467,0.9465088844,0.05349114165,0.890052557,0.1099474654,0.4265834391,0.5230606794,0.05035589635,0.3893174827,0.03726594895,0.6586532593,,0.08735911548,0.08877210319,0.09351976216,0.1912295371,0.7152507305,0.9064802527,0.92206496,0.001506851986,0.1828615814,0.003614373505,0.00324672251,0.3841169477,0.009804031812,0.03275547549,0.02561475895,0.2629594803,0.03771552444,0.0362778306,0.09529226273,0.04617437348,0.3703773022,0.05122570321,0.1470475048,0.003893070854,0.2119964212,0,38,0.4244139194,0.2587046921,33.75,28.57574081,3.465129852,5999.999512,5143.633301,616.0230103,3726.279541,5357.143066,6375.000488,,2.307692289,0.1014542803,0.2354097813,0.5306087732,0.1325271875 +Honduras,HND,Latin America and Caribbean,LCN,2013,ephpm,Higher education,3355035,0.353533417,0.3169355989,0.01875062473,0.6367525458,0.6277159452,0.4003916383,0.3336291015,0.06676253676,1274085,0.604976058,0.5032444596,0.1689005345,0.5634714961,0.1445845366,0.9313946962,0.06860531121,0.9018224478,0.09817755222,0.5906329751,0.3194587231,0.08990827948,0.5330781341,0.05755488575,0.7662935853,,0.09744610637,0.1291557252,0.1175791621,0.2012332678,0.6811875701,0.9749407172,0.8068060875,0.001121384557,0.1458297819,0.01012368128,0.04415842146,0.3155883551,0.0514723137,0.06148377061,0.0427332744,0.2099098712,0.07843843102,0.07364436239,0.1540563703,0.06405454874,0.2341439426,0.04487998411,0.1559018642,0.04204517603,0.1522075087,0.0006278040237,38,0.2905168831,0.2632179558,39.77272797,33.67511368,4.083486557,7159.091309,6061.520508,735.0275879,4180.121582,6036.572754,7714.286133,1.227272749,2.307692289,0,0,0.6668360829,0.3331639469 +Honduras,HND,Latin America and Caribbean,LCN,2013,ephpm,Lower education,5179580,0.3280934095,0.1471142471,0.09722004831,0.3562086225,0.5746865869,0.4003916383,0.3336291015,0.06676253676,1976528,0.6640142202,0.4154341519,0.3315752149,0.6465018392,0.3722297847,0.9736264944,0.02637352049,0.9558990598,0.0441009216,0.3807685375,0.4821128547,0.137118578,0.3746014237,0.006167117041,0.3391807973,,0.01619649865,0.01303367317,0.463234514,0.1929693669,0.343796134,0.8455772996,0.4072421789,0.003780390136,0.1217132807,0.002128288848,0.06534741074,0.2006034553,0.02702677436,0.01485175546,0.007928838022,0.09338530153,0.01366233826,0.004293877631,0.0116788689,0.00505743036,0.1690985262,0.2619015872,0.1830940396,0.03245019913,0.3182241023,0.0005390087608,38,0.4280493855,0.2241045386,20.53725624,17.38866043,2.108570576,3696.706055,3129.95874,379.5426941,3162.737305,4218.75,4125,1.227272749,2.307692289,0.1578282118,0.3724393547,0.4697324336,0 +Honduras,HND,Latin America and Caribbean,LCN,2013,ephpm,Male,4099691,0.3544754982,0.224108845,0.0645775497,0.4462065697,0.5809469819,0.4003916383,0.3336291015,0.06676253676,2025326,0.8503688574,,0.07779907435,0.8193007112,0.3702949286,0.9634651542,0.03653486073,0.9461894631,0.05381053314,0.4811654091,0.3588601947,0.1599743962,0.4622306526,0.01893476769,0.4886695743,,0.039351888,0.03863773122,0.4728447497,0.1990255564,0.3281297088,,0.4662366509,0.003515301738,0.1000360996,0.006104471162,0.08936968446,0.161442861,0.05211723223,0.03255410492,0.01857238263,0.06344311684,0.03876566887,0.02746629901,0.04858483747,0.01650520042,0.08904341608,0.2551071644,0.1879772395,0.05525703356,0.280379802,0.000913339376,38,0.3460817933,0.2274765968,27.08333397,22.93115044,2.780659676,4851.92627,4127.606934,498.1497498,3234.617676,4893.094727,6562.499512,,2.307692289,0.1030644923,0.2476800978,0.5487726331,0.1004827544 +Honduras,HND,Latin America and Caribbean,LCN,2013,ephpm,Old worker,3257324,0,0,0,0.5006947517,1,0.4003916383,0.3336291015,0.06676253676,2309088,0.7088910937,0.5225629807,,0.6865635514,0.3012256622,0.9685035944,0.03149641678,,,0.4226984978,0.4288374782,0.1484640241,0.3900347054,0.03266379237,0.6273652911,,0.07727444917,0.07094027847,0.3045116961,0.19549568,0.499992609,0.9020720124,,0.002156735398,0.1338012516,0.005572348833,0.0539653562,0.2505749762,0.03895365447,0.03580690548,0.0263447389,0.1483123451,0.04564414173,0.03747458383,0.07212788612,0.02546981908,0.1962920725,0.2105474323,0.1696875691,0.04262830317,0.1994425356,0.0006856416003,38,0.3644016683,0.2563847303,33.23863602,28.14277458,3.412627697,5906.25,5065.699219,606.3977051,3450.258789,5482.5,7124.999512,1.227272749,2.307692289,0.1372196227,0.2993288934,0.4498643577,0.1135871112 +Honduras,HND,Latin America and Caribbean,LCN,2013,ephpm,Rural,4553277,0.3775803745,0.2045759559,0.06065060571,0,0.5617690086,0.4003916383,0.3336291015,0.06676253676,1619124,0.6329920292,0.3660714328,0.276476115,0.6192263961,0.4289913774,0.9782530665,0.02174694464,0.9610745907,0.03892543912,0.3668932617,0.4907220304,0.1423847079,0.3591769338,0.007716333028,0.3715874553,,0.02103154734,0.02590483241,0.5791214705,0.1428046376,0.2780738771,0.7824715972,0.3675799072,0.003859584685,0.09428413957,0.001837897464,0.04282300919,0.1536482275,0.01929792389,0.009005697444,0.009005697444,0.08711633831,0.01359544415,0.009737277403,0.02902811021,0.009737277403,0.1377916634,0.3123277724,0.1287892759,0.02333272062,0.3354767561,0.000183722208,38,0.4600075781,0.1811978817,22.44465256,19.00363159,2.304404259,4032.770508,3420.653809,414.0466309,3273.265137,4657.849609,5031.627441,1.227272749,2.307692289,0.1439067125,0.3112536371,0.4848979712,0.05994169042 +Honduras,HND,Latin America and Caribbean,LCN,2013,ephpm,Total,8534615,0.3380941153,0.2138725668,0.06637299806,0.4664929807,0.595532909,0.679168367,0.5677169307,0.1114514363,3250613,0.6395515675,0.4536519051,0.2368099838,0.6120979395,0.2853977084,0.9570736289,0.04292636365,0.9290417433,0.07095828652,0.4608183801,0.4200707376,0.1191108823,0.9440815485,0.0559184636,0.5473914146,,0.05591846257,0.05732678995,0.3314611912,0.1961198002,0.4724189937,0.9064802527,0.599568367,0.002766704187,0.1309071481,0.005176351871,0.05726958811,0.2444388419,0.03634608537,0.03262916207,0.02119724452,0.1378076673,0.03837421909,0.03075087629,0.06599545479,0.02756465226,0.1939131618,0.1791085154,0.1727203131,0.03611065075,0.2548892796,0.0005728838732,38,0.3752726912,0.2391139269,28.75215721,24.34412384,2.951998711,5175.388184,4381.942383,531.3597412,3262.5,5031.627441,6500,1.227272749,2.307692289,0.1022145972,0.241203621,0.5391854644,0.1173963249 +Honduras,HND,Latin America and Caribbean,LCN,2013,ephpm,Urban,3981338,0.292935431,0.2245046794,0.07291744649,1,0.6341471076,0.4003916383,0.3336291015,0.06676253676,1631489,0.6461971998,0.535366714,0.1954725087,0.6048759818,0.1364680827,0.9360547066,0.06394526362,0.8876469731,0.1123530418,0.5582337976,0.3467940092,0.09497217834,0.5137428045,0.04449099302,0.6674337983,,0.07969956845,0.08991640061,0.07439908385,0.2514589429,0.6741420031,0.9885725379,0.924859345,0.00163233513,0.1689204723,0.008641542867,0.07226458937,0.3386761248,0.0540414378,0.0571494326,0.03385161608,0.1904233694,0.06408216804,0.0525524579,0.1043490246,0.04606053233,0.2521391511,0.04089371115,0.2182987034,0.04936774075,0.1712798774,0.0009766386356,38,0.2878079712,0.2988957763,34.09090805,28.8643837,3.500130892,6136.36377,5195.588867,630.0236206,3262.5,5175,6750,1.227272749,2.307692289,0.05269418657,0.1580006778,0.6036662459,0.1856389195 +Honduras,HND,Latin America and Caribbean,LCN,2013,ephpm,Young worker,1825320,0,1,0,0.4896834493,1,0.4003916383,0.3336291015,0.06676253676,941525,0.5158136487,0.3172502518,0.2368099838,0.4792124033,0.244930923,0.9290417433,0.07095828652,0.9290417433,0.07095828652,0.5582783222,0.3976570666,0.04406458884,0.5501397252,0.008138641715,0.3926410079,,0.01457810681,0.0225215964,0.400431633,0.1977170408,0.4018513262,0.92206496,0.599568367,0.0043277652,0.1235004514,0.004162897822,0.06572593004,0.228734985,0.02967266925,0.02449652553,0.008023539558,0.1109236032,0.01979156584,0.01356440224,0.05032033101,0.03291925788,0.1878324002,0.09874747694,0.1804722846,0.01945088431,0.3966167271,0.000284663809,38,0.4029257596,0.1951813102,21.35874557,18.08420563,2.192913294,3829.787354,3255.156982,393.2062378,3105.233154,4140.310547,4375,1.227272749,2.307692289,0.03917957842,0.1365350038,0.7000296712,0.1242557392 +Honduras,HND,Latin America and Caribbean,LCN,2014,ephpm,Female,4383732,0.3171834052,0.2107414454,0.06291374564,0.5477771163,0.6199028492,0.3908692896,0.3326662481,0.05820304528,1283568,0.4723362029,0.4723362029,0.4116670191,0.4396928251,0.1608464569,0.9308895469,0.06911048293,0.8740570545,0.1259429455,0.4521065354,0.4930870533,0.05480642244,0.4097944498,0.04231207073,0.6516882181,,0.09358871728,0.09563379735,0.09911333025,0.2268482745,0.6740384102,0.9008866549,0.9031675458,0.001132757287,0.216622442,0.001785916393,0.007307164837,0.3418973386,0.006908058655,0.03533766791,0.03100619279,0.2588891387,0.04243521765,0.04060989618,0.08852611482,0.0409704335,0.3378475904,0.06345034391,0.1541388333,0.01622249372,0.2157990783,0,40,0.4151816666,0.268407613,34.82143021,27.78019142,3.575134039,6187.5,5000.43457,635.2738037,3787.499756,5625,6702.127441,,2.291666508,0.08748877048,0.2419828176,0.538751483,0.1317769438 +Honduras,HND,Latin America and Caribbean,LCN,2014,ephpm,Higher education,3304566,0.3438145816,0.3069909811,0.01936290599,0.7050290704,0.6368225217,0.3908692896,0.3326662481,0.05820304528,1319467,0.6269973516,0.5144267678,0.1714290828,0.5748828053,0.1579034775,0.9168823361,0.08311765641,0.8798371553,0.1201628745,0.6280480623,0.287314564,0.08463741094,0.5679932833,0.06005475298,0.7652062774,,0.09562127292,0.1360733509,0.1119254604,0.2329783887,0.6550961137,0.977420032,0.8215172887,0.002216813387,0.1772348583,0.006010672078,0.04751605168,0.3011941016,0.04404953495,0.06559530646,0.04817653447,0.1960806698,0.08451787382,0.07683382928,0.1375569701,0.05715235695,0.2169427723,0.0559466593,0.1812142879,0.04308836907,0.1461887062,0.0005581930745,40,0.2791616321,0.2778430879,41.66666794,33.2412529,4.277938366,7452.559082,5983.425781,765.1580811,3600,6131.25,8181.817871,1.214781761,2.291666508,0,0,0.665071249,0.334928751 +Honduras,HND,Latin America and Caribbean,LCN,2014,ephpm,Lower education,5126024,0.328461796,0.1601986289,0.08640634269,0.4276811779,0.5851318836,0.3908692896,0.3326662481,0.05820304528,2022324,0.6742428541,0.4399839938,0.3487887084,0.6510885358,0.3627236784,0.9656588435,0.03434118256,0.9448446035,0.05515538529,0.4157122076,0.4553931952,0.1288945824,0.4045031071,0.01120911445,0.3286676109,,0.02696364,0.01635486074,0.4314587414,0.2051303685,0.3634109199,0.8357397318,0.4428597391,0.003789040726,0.1401365399,0.003044774057,0.05816000327,0.2016772926,0.03159825131,0.01596813649,0.01065055374,0.1035166755,0.01114174165,0.005203650799,0.01275320072,0.004768731073,0.1652387381,0.2555676699,0.1874006689,0.03981823474,0.3175334632,0.000573909434,40,0.4388420582,0.2556106746,22.43055534,17.89487457,2.302956581,4031.250244,3221.077393,413.8905334,3312.248535,4909.091309,4250,1.214781761,2.291666508,0.1360655427,0.374263525,0.4896709323,0 +Honduras,HND,Latin America and Caribbean,LCN,2014,ephpm,Male,4046858,0.353215754,0.225315541,0.05710850284,0.5240635872,0.5896757245,0.3908692896,0.3326662481,0.05820304528,2058223,0.8625041842,,0.0877552554,0.8246167302,0.3593820632,0.9560728073,0.04392721131,0.9308712482,0.06912876666,0.524156034,0.3291718662,0.1466721147,0.5018027425,0.02235326543,0.4803794026,,0.04264620319,0.04181854799,0.436958909,0.2090525925,0.3539884984,,0.5003353357,0.004436257761,0.116477862,0.00563202519,0.08250644803,0.1776652187,0.05424650386,0.0347006917,0.02134761214,0.06602848321,0.03728528321,0.02777897939,0.04354501516,0.01502558775,0.09234283119,0.2493318915,0.2037704885,0.05614075437,0.2738668323,0.0009123368654,40,0.3547325432,0.2616121471,27.77777863,22.16083717,2.851958752,4928.941406,3988.950684,506.0569458,3364.002441,5175.388184,6562.499512,,2.291666508,0.09039317816,0.2471386939,0.5637356639,0.09873249382 +Honduras,HND,Latin America and Caribbean,LCN,2014,ephpm,Old worker,3268168,0,0,0,0.5631408691,1,0.3908692896,0.3326662481,0.05820304528,2370394,0.725297451,0.5476998091,,0.6962729692,0.3002838492,0.959982574,0.04001739621,,,0.4645857215,0.3943372369,0.1410770267,0.4257518053,0.03883390874,0.6146617532,,0.08358825743,0.07903452963,0.2817519903,0.212806955,0.5054410696,0.9002428651,,0.001943235518,0.1542026699,0.0053248615,0.05133618787,0.246284306,0.04129606485,0.03853944317,0.03111773729,0.1482035071,0.04777308181,0.04006312042,0.06794013083,0.02562200837,0.1868577003,0.1980350763,0.1814234108,0.04673840106,0.2052567303,0.0002903443237,40,0.366792649,0.2737575173,34.50259018,27.52582359,3.542398691,6136.36377,4954.648438,630.0236206,3600,5750.431641,7363.63623,1.214781761,2.291666508,0.1196876094,0.305755198,0.4563472271,0.118209973 +Honduras,HND,Latin America and Caribbean,LCN,2014,ephpm,Rural,3908471,0.3671458662,0.2067846954,0.06077849865,0,0.5720756054,0.3908692896,0.3326662481,0.05820304528,1469213,0.6570893526,0.397747457,0.3081728518,0.6426488757,0.4612905979,0.9780235887,0.02197639085,0.9650196433,0.03498036042,0.3716491759,0.4778071344,0.1505436897,0.358302623,0.01334655564,0.2549700439,,0.03591170534,0.02970162034,0.5864773989,0.1418089718,0.2717136145,0.7571608424,0.351552397,0.005268380512,0.09710991383,0.0005173680256,0.03891331702,0.1406217515,0.02183878049,0.007164468057,0.01013010833,0.09195851535,0.01252540853,0.01069529168,0.02333764918,0.008630579337,0.1309129,0.3445082605,0.1270897686,0.02068262175,0.3213355839,0.0002819313377,40,0.5146648884,0.1782163829,22.36278915,17.84081078,2.29599905,3989.362061,3211.345947,409.5898438,3312.248535,5551.780273,5175.388184,1.214781761,2.291666508,0.1307752132,0.3267592192,0.4847417176,0.05772384256 +Honduras,HND,Latin America and Caribbean,LCN,2014,ephpm,Total,8430590,0.3344796598,0.2177373171,0.06012710929,0.5363941193,0.6053932309,0.6518189318,0.5524998343,0.09931909744,3341791,0.6547624354,0.4723362029,0.2507711053,0.6196671601,0.2843751311,0.9463999867,0.05360000208,0.9132558703,0.08674414456,0.4969356656,0.3910991549,0.111965172,0.9398438708,0.06015611422,0.5392993689,,0.06015611812,0.0621499978,0.3092961013,0.2157770991,0.4749267995,0.9008866549,0.6199341416,0.003187953262,0.1543198228,0.004178683739,0.05409065261,0.2397241443,0.03635857254,0.03494138643,0.0249973312,0.1389053613,0.03922959045,0.03262316063,0.06052717194,0.02482080087,0.1850306541,0.1791542023,0.1850325614,0.04107002169,0.2519439459,0.000567893323,40,0.3774196804,0.2641625404,29.62962914,23.63822365,3.042089224,5250,4254.880371,539.0202026,3364.002441,5333.333496,6562.499512,1.214781761,2.291666508,0.0888575688,0.2444126904,0.5505261421,0.116203621 +Honduras,HND,Latin America and Caribbean,LCN,2014,ephpm,Urban,4522119,0.3062462509,0.2272036672,0.05956410989,1,0.6341896057,0.3908692896,0.3326662481,0.05820304528,1872578,0.6529483199,0.5262132883,0.2056174427,0.6017495394,0.1370682567,0.9215883017,0.07841168344,0.863715589,0.1362844259,0.6012541652,0.3189026713,0.07984314859,0.5575826168,0.04367154837,0.6864095926,,0.07263408601,0.08916781843,0.07788252085,0.277531743,0.6445857286,0.9840009809,0.9088415504,0.001451042946,0.2020833194,0.007235449273,0.06676193327,0.3224629164,0.04848087952,0.0581318289,0.03740970045,0.1781004071,0.06149986759,0.05091017485,0.09154183418,0.03832283244,0.2301628292,0.04125515744,0.2333546579,0.05807233974,0.1940739304,0.0008063748246,40,0.264026165,0.335172236,34.09090805,27.1973877,3.500130892,5999.999512,4895.529785,616.0230103,3750.000244,5318.181641,6750,1.214781761,2.291666508,0.0504758954,0.1690125018,0.6107612848,0.1697503328 +Honduras,HND,Latin America and Caribbean,LCN,2014,ephpm,Young worker,1835654,0,1,0,0.5597144365,1,0.3908692896,0.3326662481,0.05820304528,971397,0.5291830301,0.3260152936,0.2507711053,0.4832795262,0.2435686141,0.9132558703,0.08674414456,0.9132558703,0.08674414456,0.5799146295,0.3827933669,0.03729199991,0.5729529262,0.006961744279,0.3839174509,,0.01200477406,0.01884044521,0.3800658882,0.2234083861,0.3965257406,0.9031675458,0.6199341416,0.006386036985,0.1546207964,0.001233781921,0.06116776168,0.2228689492,0.02367255278,0.02569681592,0.009272023104,0.1150153875,0.01730706543,0.01353229117,0.04150557518,0.02276490815,0.1803425103,0.1307060421,0.1942935884,0.02652500756,0.371742934,0.001280081691,40,0.4044192731,0.2397850603,22.72727203,18.1315918,2.333420753,4028.410156,3263.686523,413.598938,3080.588379,4792.026367,4500,1.214781761,2.291666508,0.0345871672,0.1364308894,0.7163101435,0.1126718223 +Honduras,HND,Latin America and Caribbean,LCN,2015,ephpm,Female,4401832,0.3096154034,0.2147558033,0.06224294752,0.5568140745,0.6281416416,0.3868858516,0.3268329501,0.06005290896,1319730,0.4773028493,0.4773028493,0.3977048993,0.4477977157,0.1367775649,0.9381835461,0.06181643158,0.8643556833,0.1356443465,0.4341520965,0.5200303197,0.04581758752,0.3782161772,0.05593591556,0.6419887543,,0.1288394481,0.09272551537,0.09003923833,0.2037662566,0.70619452,0.9099607468,0.8948228359,0.001056956011,0.1961825192,0.004798321985,0.001728462521,0.3535994589,0.004433881957,0.04596142471,0.03209897876,0.2701007426,0.03228384629,0.05250317231,0.06700096279,0.04528579488,0.3528724909,0.05111400411,0.1522704363,0.02372497879,0.2229443341,0,39,0.4366891086,0.2726448476,35.7142868,27.62030411,3.666804075,6300,4971.654785,646.8242188,3105.233154,5904,6750,,2.285714388,0.08202408999,0.2353629768,0.548930347,0.1336825639 +Honduras,HND,Latin America and Caribbean,LCN,2015,ephpm,Higher education,3291149,0.3345366716,0.3105438352,0.02459657751,0.712169528,0.6408667564,0.3868858516,0.3268329501,0.06005290896,1327071,0.6291857362,0.5321275592,0.1630141884,0.5824283957,0.1417394727,0.9256859422,0.07431403548,0.8837274909,0.1162725314,0.6284678578,0.299617976,0.07191414386,0.5384830236,0.089984864,0.7380654216,,0.143181324,0.1441099346,0.09965208173,0.225641042,0.6747068763,0.9745334983,0.8345947862,0.0009231721633,0.1662769169,0.01070651598,0.04773443937,0.2968776822,0.03985773399,0.08463199437,0.05164631084,0.2016931623,0.05623423308,0.08868973702,0.1316340715,0.07585976273,0.2491707057,0.05055228248,0.1476005167,0.05641657487,0.1432470679,0.0005950583145,39,0.2873756886,0.2833263278,42.22222137,32.65333557,4.33497715,7500.000488,5877.600586,770.0288696,3737.780029,6562.499512,8250,1.273499966,2.285714388,0,0,0.6584550142,0.3415450156 +Honduras,HND,Latin America and Caribbean,LCN,2015,ephpm,Lower education,5202366,0.3249392807,0.1657057554,0.08380571753,0.4257507026,0.5912550092,0.3868858516,0.3268329501,0.06005290896,2068120,0.6723570824,0.4356622994,0.3311293125,0.6580933928,0.3641034663,0.9787855744,0.02121443674,0.9707698822,0.02923012711,0.3980583251,0.4973585308,0.1045831367,0.3834845126,0.0145738218,0.2893590033,,0.03661227599,0.0170517806,0.4455127418,0.2029435784,0.3515436947,0.8539482951,0.4017919898,0.003732966026,0.1298749894,0.005901387427,0.0634342283,0.1892856807,0.02706474438,0.02338712476,0.01152159087,0.1002845466,0.005543501116,0.0009877205594,0.01656620391,0.005446064286,0.1886669844,0.2660464942,0.1496626586,0.04561319947,0.321305424,0.0001617349044,39,0.4418959916,0.2460940629,22.03448296,17.0407753,2.26229167,3953.571289,3067.339355,405.9151917,3234.617676,4909.091309,4500,1.273499966,2.285714388,0.1333185881,0.362767309,0.5039141178,0 +Honduras,HND,Latin America and Caribbean,LCN,2015,ephpm,Male,4091683,0.3491443396,0.2294383496,0.05937801301,0.5151339769,0.5914776325,0.3868858516,0.3268329501,0.06005290896,2075461,0.8575792313,,0.08106613904,0.8324100375,0.3682235479,0.9706508517,0.02934914269,0.9604253173,0.03957470134,0.5163763762,0.3628441691,0.1207794473,0.4812389612,0.03513741121,0.4385657907,,0.06804612279,0.04802119359,0.4531778991,0.2162736505,0.3305484354,,0.4700384736,0.00366500672,0.1113086268,0.009508455172,0.09179155529,0.1538751572,0.04877305031,0.04684493691,0.02333256789,0.05772273988,0.02004125528,0.0228427574,0.05578712374,0.02392778732,0.1246447787,0.2666624486,0.1468009502,0.06566268206,0.2731045783,0.0005256233853,39,0.3506481946,0.2525622249,27.55415154,21.30951309,2.828998804,4933.870605,3835.712158,506.5630188,3234.617676,5400,6750,,2.285714388,0.0944454968,0.2433487922,0.5651653409,0.09704034775 +Honduras,HND,Latin America and Caribbean,LCN,2015,ephpm,Old worker,3301005,0,0,0,0.5699827671,1,0.3868858516,0.3268329501,0.06005290896,2384459,0.7223433256,0.5443306565,,0.7008756399,0.2924886644,0.9702804685,0.02971952967,,,0.4615023136,0.4220515788,0.1164461002,0.4079998434,0.05350247398,0.5841180086,,0.1159311011,0.0802565217,0.2799562216,0.2157039791,0.5043398142,0.9144814014,,0.002678996651,0.148676306,0.009556600824,0.05479207262,0.233282432,0.03477981687,0.05406945944,0.03146599233,0.1507420987,0.03247061372,0.04297041893,0.06725870073,0.03256621957,0.222674489,0.1968621314,0.1598106325,0.05400232971,0.1910682172,0.0003162357025,39,0.3614836633,0.2823650241,34.375,26.58454132,3.529298782,6136.36377,4785.217285,630.0236206,3450.258789,6060.000488,7500.000488,1.273499966,2.285714388,0.1204255968,0.3011030555,0.4636804461,0.1147908792 +Honduras,HND,Latin America and Caribbean,LCN,2015,ephpm,Rural,3934748,0.3571445942,0.2232717276,0.0588263832,0,0.5840290189,0.3868858516,0.3268329501,0.06005290896,1508061,0.6562473774,0.3888314068,0.2933417559,0.6456229091,0.4495668113,0.9838103652,0.01618966274,0.9733324051,0.02666760236,0.3740656376,0.5130516291,0.1128827259,0.3624463081,0.01161934901,0.2555024922,,0.03106232546,0.03348440304,0.604503572,0.1362637132,0.2592326999,0.7724804878,0.3299195468,0.004608925898,0.08174083382,0.004160508048,0.0457534492,0.1419569403,0.01193398237,0.01275057439,0.01583487913,0.07675631344,0.01017264742,0.007800965104,0.02219848894,0.009659559466,0.1395917088,0.3544419706,0.09440619498,0.02754473127,0.3339629769,0.000220762915,39,0.4875054955,0.1839802265,21.56411743,16.67700958,2.213999033,3881.541016,3001.861816,398.5198059,3193.953857,5606.67041,5520.414063,1.273499966,2.285714388,0.130879432,0.3226694763,0.494746238,0.05170483142 +Honduras,HND,Latin America and Caribbean,LCN,2015,ephpm,Total,8493515,0.3286581635,0.221829012,0.06086278707,0.5367349982,0.6104790717,0.6380578281,0.5383610655,0.09969676257,3395191,0.6547959321,0.4773028493,0.2399342358,0.6273145666,0.2801229358,0.9580306411,0.04196936265,0.9291315675,0.07086843997,0.4850774705,0.4226775467,0.09224499017,0.9112421535,0.08875783115,0.5079615116,,0.08875783533,0.06503802538,0.3149416149,0.2115124464,0.4735459387,0.9099607468,0.5988508463,0.002672197996,0.1436176449,0.007715444546,0.05750716105,0.2299043834,0.03189442307,0.04650861025,0.0266696848,0.1385688633,0.02470219508,0.03413492814,0.06005639955,0.03205910325,0.211534515,0.1845999062,0.1488832682,0.04969636351,0.2540078163,0.0003255106276,39,0.3833623528,0.2601979673,30,23.20105362,3.080115318,5357.143066,4176.189453,550.0206299,3234.617676,5625,6750,1.273499966,2.285714388,0.08788068593,0.239128232,0.5565850139,0.1164060459 +Honduras,HND,Latin America and Caribbean,LCN,2015,ephpm,Urban,4558767,0.304071039,0.2205837667,0.06262043864,1,0.6333085299,0.3868858516,0.3268329501,0.06005290896,1887130,0.6536406875,0.5403853655,0.1932755858,0.6127419472,0.1380158067,0.9374293089,0.06257067621,0.8808540106,0.1191459969,0.5781794786,0.3468837142,0.0749367848,0.5087614655,0.0694180131,0.6463958621,,0.1200630814,0.0915010348,0.07204294205,0.2746347487,0.6533223391,0.9838134646,0.9230113029,0.001047576545,0.1955229044,0.01069749799,0.06736674905,0.3036789596,0.04863820598,0.07482648641,0.0357584469,0.1904202253,0.03686778992,0.05618436262,0.09175484627,0.05081424862,0.2717722654,0.04239109159,0.1944969296,0.0682439357,0.1870613098,0.0004132158938,39,0.2954025567,0.3245718479,35,27.06789589,3.593467951,6218.182129,4872.221191,638.4239502,3625,5625,7087.5,1.273499966,2.285714388,0.04786386713,0.1613804847,0.6141353846,0.1766202897 +Honduras,HND,Latin America and Caribbean,LCN,2015,ephpm,Young worker,1884108,0,1,0,0.533722043,1,0.3868858516,0.3268329501,0.06005290896,1010732,0.5364512205,0.3482803106,0.2399342358,0.4984337389,0.2496584505,0.9291315675,0.07086843997,0.9291315675,0.07086843997,0.5431576967,0.4242196977,0.03262262046,0.5258432627,0.01731439494,0.3473744988,,0.03187729046,0.02754543349,0.4011491239,0.2011840791,0.3976667821,0.8948228359,0.5988508463,0.002655445365,0.1311525702,0.003178649116,0.06419741362,0.2215805054,0.02478451096,0.02787791379,0.01485109981,0.1085727587,0.005572535098,0.01237761136,0.04232079908,0.03081033379,0.1841024607,0.1544042826,0.1219747066,0.03909296915,0.4089959562,0.0003483500332,39,0.4362031519,0.2066606879,22.22222137,17.18596458,2.281566858,3999.999756,3093.473633,410.6820374,3105.233154,4704.898438,4620.881836,1.273499966,2.285714388,0.03093748726,0.1306920648,0.7191383839,0.1192320734 +Honduras,HND,Latin America and Caribbean,LCN,2016,ephpm,Female,4580933.343,0.3005155921,0.2142731696,0.06865756214,0.5550923944,0.6308268309,0.3828087747,0.3198988736,0.06290990114,1380035.941,0.477558136,0.477558136,0.3827723265,0.4502614141,0.1468336284,0.942841053,0.05715897307,0.8692070842,0.1307929009,0.4771400094,0.4666844904,0.05617550761,0.9714291096,0.02857089415,0.6713254452,0.03749285638,0.02857089415,0.09470467269,0.07832031697,0.2001820207,0.7214976549,0.9216796756,0.9133129716,0.0002160993608,0.1941724271,0.003491090145,0.002302403096,0.3726049364,0.01197316218,0.04749894142,0.03328663856,0.2561339736,0.03459905088,0.06389088929,0.07870557904,0.04265098646,0.3735866845,0.04484952986,0.1501630992,0.01889065467,0.1926635355,0,40,0.4146122038,0.285172224,31.74603271,23.90019226,3.259381533,6000,4517.13623,616.0230713,2500,6000,6784,,1.923076868,0.07620675862,0.2020820975,0.5826662779,0.139044866 +Honduras,HND,Latin America and Caribbean,LCN,2016,ephpm,Higher education,2921282.662,0.08035934716,0.4251789153,0.03407889977,0.722862184,0.8855617642,0.3828087747,0.3198988736,0.06290990114,1595845.64,0.6168768406,0.5081456304,0.1757796407,0.5729628801,0.139712587,0.9288124442,0.07118757069,0.8916556835,0.1083442941,0.6555734277,0.2745084763,0.06991811842,0.9522105455,0.04778946564,0.7314304709,0.06481387466,0.04778946564,0.1332739741,0.1011329666,0.2181880772,0.6806789637,0.9747205973,0.835713625,0.001508619753,0.1697674543,0.008801679127,0.03811032325,0.2937048674,0.05340959877,0.07543975115,0.05200905353,0.2061157078,0.05591954663,0.1019907817,0.1327192783,0.06597025692,0.2557771206,0.03744480014,0.1444396526,0.05538764969,0.1498134285,0.0005374974571,40,0.2894430757,0.2917225957,37.0370369,27.88355637,3.802611589,8000,6022.847656,821.3640747,2300,7200,8000,1.04895103,1.923076868,0,0,0.6746327281,0.3253672719 +Honduras,HND,Latin America and Caribbean,LCN,2016,ephpm,Lower education,5792173.233,0.4368807375,0.1155577824,0.08128102124,0.4495018423,0.4818382263,0.3828087747,0.3198988736,0.06290990114,1884241.843,0.6751400232,0.4477593601,0.3592260778,0.655295372,0.3424944878,0.9706066847,0.0293933358,0.9483385682,0.05166140944,0.438718915,0.43376863,0.127512455,0.9960404634,0.003959526308,0.3514872193,0.02148864977,0.003959526308,0.01855284907,0.3917909265,0.2234736979,0.3847353756,0.8661016822,0.4668872356,0.002921855077,0.1414261907,0.00755225867,0.07157339156,0.2181002349,0.03070119023,0.02337951027,0.01303721592,0.09951721877,0.007503834087,0.0007602963597,0.02297147922,0.004206106998,0.2216294855,0.2035457343,0.1690038592,0.05091415346,0.3193112612,0.0001538139622,40,0.3997036219,0.2823306918,18.51851845,13.94177723,1.901305795,3900,2936.138428,400.4150085,2000,5200,5000,1.04895103,1.923076868,0.1294026226,0.3539964557,0.5166009068,0 +Honduras,HND,Latin America and Caribbean,LCN,2016,ephpm,Male,4132522.552,0.3360174,0.2250023931,0.06190701202,0.5256924629,0.6020755768,0.3828087747,0.3198988736,0.06290990114,2100051.541,0.8440413475,,0.08932093531,0.8078259826,0.3196148872,0.9570929408,0.04290708154,0.9392870665,0.06071292609,0.5737668872,0.2950132489,0.1312198639,0.9796503186,0.02034970559,0.4976694286,0.04307854548,0.02034970559,0.05385686457,0.3803678453,0.2346506268,0.3849815428,,0.561907351,0.003631020896,0.1281852275,0.01110172644,0.091732651,0.1738494039,0.05956390128,0.04615259916,0.02866514772,0.07675048709,0.02567104809,0.0345543474,0.06783030182,0.02487237938,0.1484989375,0.1837488264,0.1630818546,0.0749296546,0.2762764394,0.000536206353,40,0.3088909686,0.28740713,24.69135857,18.58903694,2.535074472,5640,4246.10791,579.0617065,2000,6000,8000,,1.923076868,0.07818437368,0.2212509215,0.5778821111,0.1226826161 +Honduras,HND,Latin America and Caribbean,LCN,2016,ephpm,Old worker,3466468.137,0,0,0,0.5725349784,1,0.3828087747,0.3198988736,0.06290990114,2505958.361,0.7229139805,0.5492621064,,0.6979362369,0.2715064883,0.9654485583,0.03455147147,,,0.5066417456,0.3677197397,0.1256385446,0.969281733,0.03071824461,0.6360468268,0.04665281251,0.03071824461,0.08405251056,0.2385787815,0.2212145478,0.5402066708,0.9240643382,,0.002569269622,0.1547653079,0.008677523583,0.0552024506,0.2507177293,0.04355042428,0.05239180848,0.03553827107,0.1580084264,0.03619882092,0.05546595529,0.07956670225,0.03131887317,0.2420591414,0.1529795378,0.1614678055,0.05588021129,0.1848498881,0.0002130702633,40,0.3315182626,0.2964649796,31.74603271,23.90019035,3.259381533,7000,5269.992188,718.6936035,2400,6880,8000,1.04895103,1.923076868,0.105067201,0.2655149102,0.4971047342,0.1323131621 +Honduras,HND,Latin America and Caribbean,LCN,2016,ephpm,Rural,3998178.629,0.3564503193,0.2149571478,0.05797529221,0,0.5855743885,0.3828087747,0.3198988736,0.06290990114,1496523.548,0.6392037272,0.398868233,0.2957087755,0.6211218834,0.406866163,0.9717119336,0.02828806452,0.9532777071,0.04672228917,0.4293087423,0.4389159381,0.1317753047,0.9922678471,0.007732158061,0.3681502938,0.02037423663,0.007732158061,0.03637980297,0.5116369128,0.1642117053,0.3241513968,0.8032155037,0.442923218,0.003460140666,0.1091394126,0.006379030179,0.045233123,0.1847019196,0.02250058018,0.01556096785,0.01652748697,0.08486043662,0.00897919666,0.01141751371,0.03578132391,0.009230769239,0.1875374913,0.2565263808,0.1155104041,0.03684566915,0.3377842307,0.0003870343498,40,0.4465578794,0.2154456377,18.51851845,13.94177818,1.901305795,3400,2559.710449,349.0797424,2000,5200,5000,1.04895103,1.923076868,0.1097106263,0.2766555846,0.5434310436,0.07020275295 +Honduras,HND,Latin America and Caribbean,LCN,2016,ephpm,Total,8713455.895,0.3173530102,0.2193617076,0.06545598805,0.541148901,0.6171910018,0.6202439717,0.5141893016,0.10605467,3480087.483,0.6471130207,0.477558136,0.2400186509,0.6156900459,0.251717478,0.951441288,0.04855870083,0.9154075384,0.08459246159,0.535795629,0.3624744713,0.1017298624,0.9764196277,0.02358036675,0.5582883358,0.04088355228,0.02358036675,0.06990873069,0.2616929412,0.2211078703,0.5171991587,0.9216796756,0.6756044626,0.002289293567,0.1541116834,0.008111497387,0.05659538507,0.2519407272,0.04086543247,0.0466815792,0.03048093803,0.1472305059,0.02917808481,0.04607812315,0.07210225612,0.03185604885,0.2369163483,0.1291873604,0.1580072045,0.05291680247,0.243432194,0.0003255774791,40,0.3504106998,0.2865294218,27.30158806,20.55416489,2.803068161,6000,4517.13623,616.0230713,2000,6000,7500,1.04895103,1.923076868,0.0771253109,0.2109855711,0.5804441571,0.1314449906 +Honduras,HND,Latin America and Caribbean,LCN,2016,ephpm,Urban,4715277.266,0.2842015922,0.2230964154,0.07179901749,1,0.6439993978,0.3828087747,0.3198988736,0.06290990114,1983563.934,0.6532109976,0.5348097086,0.1945206374,0.611502111,0.1302168369,0.9361478686,0.06385212392,0.879855454,0.1201445237,0.6191880703,0.302611351,0.07820056379,0.9640085101,0.03599147499,0.662345171,0.05694488436,0.03599147499,0.09616602957,0.06591783464,0.2656732798,0.6684088707,0.987991333,0.912271142,0.001372196828,0.1893374026,0.009468496777,0.06549517065,0.3046072721,0.05525018275,0.07105761021,0.04141034186,0.196083501,0.04498502985,0.07320230454,0.1005257443,0.0495618023,0.2755585015,0.02953631058,0.1912637204,0.06549350917,0.1695955992,0.0002774834575,40,0.2746466696,0.342543453,33.33333206,25.09520149,3.422350407,7200,5420.563477,739.2277222,2400,6158,8000,1.04895103,1.923076868,0.04726584256,0.1508090347,0.6143609881,0.1875641495 +Honduras,HND,Latin America and Caribbean,LCN,2016,ephpm,Young worker,1911398.542,0,1,0,0.5503621697,1,0.3828087747,0.3198988736,0.06290990114,974129.1219,0.5096420646,0.3381634355,0.2400186509,0.4665302038,0.1980271339,0.9154075384,0.08459246159,0.9154075384,0.08459246159,0.6148943305,0.3482433856,0.0368623063,0.9957857132,0.004214313347,0.3856065273,0.02523075044,0.004214313347,0.03153469414,0.3243955374,0.22081846,0.4547860026,0.9133129716,0.6756044626,0.001529792789,0.1523386091,0.006576017477,0.06037404388,0.2552583516,0.03358177096,0.03119124845,0.01676174439,0.1179928929,0.01013993472,0.0206211172,0.05186089501,0.03331271186,0.2229706347,0.0646700561,0.148623094,0.04488091916,0.4022899866,0.0006306635332,40,0.401004225,0.2599221766,18.51851845,13.94177818,1.901305795,4000,3011.423828,410.6820374,1800,4800,4800,1.04895103,1.923076868,0.02712961286,0.1134176403,0.7295611501,0.1298915893 +Haiti,HTI,Latin America and Caribbean,LCN,2001,ecvh,Female,4194415,0.3791320026,0.1961701512,0.06517928839,0.4187766314,0.5556886792,0.4570301771,0.3923251927,0.06470499188,1318073,0.5655050874,0.5655050874,0.2755271792,0.3795993626,0.06895382702,0.6712571979,0.3287428021,0.3829892278,0.6170107722,0.1351385564,0.8611983061,0.003005314386,,,,0.06749302894,,0.01696606725,0.2457517684,0.05659567192,0.6976525784,0.7542482615,0.7187392116,0.002636992605,0.05076922849,0.0008657081635,0.002323742956,0.5764750838,0.00129058864,0.01175426692,0.07717674226,0.03095590137,,,,,,,,,,,36,0.4387974739,0.235748291,8.060515404,26.25906944,0.409117043,1026.862671,4726.632813,52.11912918,60.88692093,798.75,1132.116211,,2.958582878,0.422218591,0.4050718546,0.1581757963,0.01453373581 +Haiti,HTI,Latin America and Caribbean,LCN,2001,ecvh,Higher education,2366480,0.5824866295,0.1617237478,0.01313427556,0.5088553429,0.4043790698,0.4570301771,0.3923251927,0.06470499188,659959,0.6896447539,0.6461097598,0.1251606941,0.3846408725,0.09764890373,0.5577376485,0.4422623217,0.2612960637,0.7387039065,0.5121819973,0.4716070294,0.01051118784,,,,0.09307613969,,0.1259006113,0.109013252,0.1485290974,0.7424576283,0.9764555097,0.8060588837,0.004199405666,0.09965299815,0.005033760797,0.03964294121,0.236208275,0.05267491192,0.0615654923,0.3775680065,0.01444098167,,,,,,,,,,,36,0.355461061,0.2685520649,13.57740688,44.23167038,0.6891307235,2031.25,7961.700684,103.0975037,215.6411896,1183.189697,2156.411621,0.7926627398,2.958582878,0,0,0.8651492,0.1348508149 +Haiti,HTI,Latin America and Caribbean,LCN,2001,ecvh,Lower education,5724492,0.3041349351,0.2194292545,0.08138032258,0.3632987738,0.6144847274,0.4570301771,0.3923251927,0.06470499188,2139417,0.6082013845,0.5476580858,0.2447510958,0.4659406841,0.08160102367,0.7660961151,0.2339039147,0.5280498266,0.4719501734,0.1057792008,0.8891963959,0.003507628804,,,,0.02071066201,,0.009764496237,0.5030627251,0.09568566084,0.4012516141,0.7168737054,0.4467450976,0.00258062128,0.06447193027,0.00157465809,0.02705844864,0.319490999,0.0162403509,0.007810648065,0.03826713935,0.01944248192,,,,,,,,,,,36,0.3979431391,0.2218730897,4.513888836,14.70507908,0.229105562,663.5113525,2646.914307,33.67697906,116.3999939,675,726.3703003,0.7926627398,2.958582878,0.440728426,0.5032508969,0.05602065846,0 +Haiti,HTI,Latin America and Caribbean,LCN,2001,ecvh,Male,3896557,0.3924551904,0.2094202638,0.05737218633,0.3919804096,0.550172627,0.4570301771,0.3923251927,0.06470499188,1481303,0.6909774542,,0.1576301008,0.5235227346,0.09683449566,0.7576552629,0.242344752,0.5124095082,0.4875904918,0.2159211636,0.7743124366,0.006200565491,,,,0.05366216972,,0.04217614233,0.5779159665,0.1437314749,0.2783525288,,0.3708352745,0.003062879434,0.08673423529,0.003259759396,0.05067460611,0.08957326412,0.03989474475,0.02218991891,0.117966257,0.008728352375,,,,,,,,,,,36,0.3522112966,0.2262629569,8.433333397,27.47361374,0.4280396998,1212.981567,4945.250488,61.56572342,169.4117737,718.8039551,1579.696533,,2.958582878,0.3167401552,0.4478543103,0.2073908001,0.02801475115 +Haiti,HTI,Latin America and Caribbean,LCN,2001,ecvh,Old worker,2835731,0,0,0,0.4182688594,1,0.4570301771,0.3923251927,0.06470499188,2159783,0.7616318464,0.6819047928,,0.6054357886,0.08911013603,0.7949191928,0.2050807923,,,0.1752660275,0.8182628155,0.004458739422,,,,0.0655535385,,0.03392544389,0.4205397666,0.103124097,0.4763361216,0.7593531609,,0.003231456038,0.06869927794,0.001767257578,0.0294261016,0.3188892901,0.02254853956,0.01798209548,0.1030818075,0.013834415,,,,,,,,,,,36,0.3724297583,0.2348508239,9.584052086,31.2223568,0.4864452183,1359.65625,5620.024414,69.01029968,215.6411896,837.0535889,1667.855103,0.7926627398,2.958582878,0.5095652938,0.3287801445,0.1400399506,0.02161459066 +Haiti,HTI,Latin America and Caribbean,LCN,2001,ecvh,Rural,4807075,0.4057228267,0.1816019118,0.06950754672,0,0.5247696638,0.4570301771,0.3923251927,0.06470499188,1517740,0.601655364,0.5288763642,0.2615140975,0.4785842597,0.09297097474,0.7954458594,0.2045541406,0.5826822519,0.4173177183,0.07994831353,0.9142320156,0.00400072895,,,,0.04240761697,,0.01264164038,0.5999798179,0.06792771816,0.332092464,0.6302944422,0.3315680623,0.003366261721,0.03891895711,0.001186619746,0.02445588261,0.2558951378,0.01097164303,0.00546662882,0.05216871202,0.00759036094,,,,,,,,,,,36,0.443187505,0.1646355987,5.990032673,19.51397324,0.3040282726,775.28125,3512.515381,39.34993744,95.8405304,553.5895996,1078.205811,0.7926627398,2.958582878,0.4885882139,0.4076018035,0.09935364872,0.004456323106 +Haiti,HTI,Latin America and Caribbean,LCN,2001,ecvh,Total,8090972,0.3855483532,0.2025513202,0.0614194423,0.4058717489,0.5530322045,0.8082129609,0.6971535293,0.1110594316,2799376,0.6256192662,0.5655050874,0.216823265,0.4485534688,0.08454408497,0.7169751525,0.2830248475,0.4537729323,0.5462270379,0.1803104281,0.8126136065,0.004792029038,,,,0.05821418017,,0.03106299043,0.4313989282,0.1052960306,0.4633050263,0.7542482615,0.5043148994,0.002875021426,0.07087013125,0.00220374763,0.02934712544,0.3043448031,0.02286651917,0.0175867714,0.09997407347,0.01853288524,,,,,,,,,,,36,0.3901641071,0.2304206043,8.386045456,27.319561,0.4256395698,1125,4917.520996,57.10015488,123.223526,718.8039551,1452.569214,0.7926627398,2.958582878,0.3724317551,0.4252655804,0.1814057529,0.02089690417 +Haiti,HTI,Latin America and Caribbean,LCN,2001,ecvh,Urban,3283897,0.3560163379,0.2332177311,0.04957981408,1,0.594403863,0.4570301771,0.3923251927,0.06470499188,1281636,0.656588912,0.6106770039,0.1658821553,0.4097433388,0.07182393968,0.6240484715,0.3759515285,0.3312535882,0.6687464118,0.3318042159,0.6592235565,0.005986473989,,,,0.06403125823,,0.05886949599,0.1762846559,0.1618456692,0.6618696451,0.924116075,0.7906598449,0.002131625311,0.1192220077,0.003742972389,0.03674906865,0.3776639104,0.04086709768,0.03592824191,0.1723181605,0.03509226069,,,,,,,,,,,36,0.3085519075,0.331675142,9.259259224,30.16426468,0.4699601233,1339.285767,5429.567383,67.97637939,169.4117737,818.1817627,1607.142944,0.7926627398,2.958582878,0.2098113596,0.4499950707,0.2962796688,0.04391391203 +Haiti,HTI,Latin America and Caribbean,LCN,2001,ecvh,Young worker,1638837,0,1,0,0.4673210382,1,0.4570301771,0.3923251927,0.06470499188,639593,0.3902724981,0.3521807492,0.216823265,0.1770951003,0.05753368139,0.4537729323,0.5462270379,0.4537729323,0.5462270379,0.2101505697,0.7791957855,0.00676360121,,,,0.02239126153,,0.01413017232,0.4956851006,0.1181538776,0.3861610293,0.7187392116,0.5043148994,0.0007649300387,0.08372159302,0.00478776684,0.02887958661,0.2182414979,0.02474896424,0.01524644624,0.0815763101,0.04634780809,,,,,,,,,,,36,0.4951145947,0.2042029798,4.2808218,13.94580746,0.2172760814,602.6785889,2510.245117,30.58937073,65.21738434,642.8571777,712.500061,0.7926627398,2.958582878,0.144385159,0.5857163072,0.2501951158,0.01970342547 +Haiti,HTI,Latin America and Caribbean,LCN,2012,ecvma,Old worker,4065649,0,0,0,0.5139998794,1,0.4005943537,0.35223943,0.04835491255,3342611,0.8250476122,0.7519046068,,0.6017471552,0.1097751856,0.7293484211,0.2706516087,,,0.3012028933,0.3519677222,0.2919101715,0.2261428535,0.07506005466,0.0691369921,,0.249200955,0,0.3664691448,0.0822930336,0.5512378216,0.8045287132,,0.003384834388,0.01634946652,0.004381763283,0.05817697197,0.3021295071,0.03923407942,0.01558498945,0.08571598679,0.1085732579,,,,,,,,,,,43,0.3079687357,0.3518404067,35.7142868,30.99689293,1.812703371,6201.144531,5579.440918,314.7434082,4140.310547,6210.466309,6511.201172,0.8149923086,,0.3341332972,0.3847658336,0.2811008692,0 +Haiti,HTI,Latin America and Caribbean,LCN,2012,ecvma,Total,10805830,0.3555833399,0.2179810405,0.05018975958,0.4797400236,0.5942269266,0.6828588227,0.5983965452,0.08446227752,4203806,0.6546847241,0.6040150523,0.1426914781,0.4424871504,0.1049115136,0.6758782268,0.3241217732,0.4683410823,0.5316588879,0.3091799617,0.3417468369,0.2667343915,0.7580165924,0.2419834316,0.06338453293,,0.2419834286,0,0.3704445362,0.0889814347,0.5405740142,0.8088254929,0.6056954861,0.003900522832,0.01735594124,0.004964979831,0.06275998801,0.2955279946,0.03980472684,0.014807567,0.0801628083,0.1102709249,,,,,,,,,,,43,0.3357653916,0.3360523283,33.33333206,28.93043137,1.691856384,5846.078613,5207.477539,296.7217712,3166.230957,5979.353516,5999.999512,0.8149923086,,0.2314952463,0.4388890862,0.3296156526,0 +Haiti,HTI,Latin America and Caribbean,LCN,2012,ecvma,Urban,5183989,0.3241330087,0.2369410843,0.0358110331,1,0.6400559545,0.4005943537,0.35223943,0.04835491255,2217218,0.6705166101,0.6387556195,0.1125151441,0.4002200365,0.07236704975,0.5968831182,0.4031168818,0.3970209658,0.6029790044,0.4899177849,0.3458305001,0.1366247982,0.3636895418,0.126228258,0.1191851422,,0.2576519251,0,0.07674641907,0.1364082247,0.786845386,0.9774042964,0.9160197377,0.005427498836,0.02737774514,0.008784090169,0.09481889009,0.4047297835,0.06020524725,0.02425603196,0.1314005852,0.1662537158,,,,,,,,,,,43,0.2401048392,0.4516491592,34.44895172,29.89869118,1.748480439,6010.01709,5381.76416,305.0426025,7389.733398,5967.193848,5999.999512,0.8149923086,,0.1229076833,0.4108293056,0.4662629962,0 +Mexico,MEX,Latin America and Caribbean,LCN,1989,enigh,Female,40594244,0.3737273812,0.2093883604,0.0499936901,0.6272876263,0.5762789249,0.4299724698,0.3821470439,0.04782539979,7262985,0.3147254586,0.3147254586,0.7366552353,0.3056748807,0.06741915643,0.9712429643,0.02875704691,0.9240647554,0.07593525201,0.6940196753,0.2932764292,0.01199653,,,0.655629456,0.6500427127,,,0.08827979118,0.201805383,0.7099148035,0.9117202163,0.9381542802,0.005103748292,0.1872411817,0.001315339119,0.008145115338,0.3060118258,0.01252054702,0.04516257346,0.2503784597,0.09584143013,0.002490771702,0.1209207177,0.05022977665,0.1936215609,0.2480848879,0.0006234007888,0.149028495,0.01333429571,0.2189547867,0.001875393442,43,0.325492084,0.1789114326,2232,24049.62109,252.4831848,401040,4328932,45365.52734,252540,324000,427860,,,0.1633803248,0.2369656116,0.4669237435,0.1327303201 +Mexico,MEX,Latin America and Caribbean,LCN,1989,enigh,Higher education,32800110,0.3690055609,0.325534761,0.008560306393,0.7414240241,0.6224341393,0.4299724698,0.3821470439,0.04782539979,11673365,0.5717778802,0.3957154751,0.5874620676,0.5501228571,0.07217819989,0.9621268511,0.03787314147,0.9269437194,0.07305628806,0.8179739714,0.1510099769,0.02936162613,,,0.7344939113,0.6981000304,,,0.07685622573,0.2656765282,0.6574672461,0.9803459048,0.868447423,0.01830820553,0.1938738674,0.007355513982,0.04613893852,0.262206167,0.04564387351,0.07083625346,0.2665107548,0.01227021869,0.007523372304,0.1852670908,0.07752258331,0.1942204982,0.1631757319,0.00239209109,0.212153405,0.03660348803,0.07904545963,0.0416174233,43,0.1789476275,0.229263097,3050,32863.50781,345.0151062,545040,5915431,61654.76563,275220,515520,568260,0.9921397567,,0,0,0.7104289532,0.289571017 +Mexico,MEX,Latin America and Caribbean,LCN,1989,enigh,Lower education,46340886,0.3987763524,0.1297833472,0.0725845024,0.5309360623,0.5286391377,0.4299724698,0.3821470439,0.04782539979,13455666,0.5572202802,0.253107816,0.4733906388,0.5480034351,0.1624357253,0.9834592342,0.0165407639,0.9477831125,0.0522168614,0.5821262002,0.3874513507,0.02894869819,,,0.3956694603,0.4617080092,,,0.3859796822,0.2470144182,0.3670058846,0.8325667381,0.5073493719,0.01085472759,0.1427418292,0.003508961294,0.08990890533,0.2198586762,0.03628360853,0.007433555089,0.05533837527,0.04809167236,0.0009458275163,0.01539599802,0.0103927115,0.03231940046,0.234264195,0.004389330745,0.3476980925,0.08936917782,0.1899398267,0.07459161431,43,0.1951429993,0.2892175615,1779,19168.58203,201.2399597,318960,3450344.5,36080.66016,243180,365940,340560,0.9921397567,,0.2387337834,0.4008388519,0.3604273796,0 +Mexico,MEX,Latin America and Caribbean,LCN,1989,enigh,Male,38546752,0.3998233974,0.2125182748,0.0418959558,0.6085745096,0.5582806468,0.4299724698,0.3821470439,0.04782539979,17866046,0.831499517,,0.3551717997,0.8102856874,0.1427090019,0.9744872451,0.02551275119,0.940189898,0.05981009454,0.688934505,0.273081094,0.03608360514,,,0.549077332,0.5658951998,,,0.307280004,0.2773955166,0.4153244793,,0.6293374896,0.01799703389,0.157683596,0.006880821194,0.09483406693,0.2122350782,0.05196297914,0.03303943947,0.1124792024,0.005607769359,0.005818002857,0.1045506969,0.04666683078,0.08335392922,0.1645523459,0.004752296489,0.3405283093,0.08584909886,0.07702658325,0.08647491783,43,0.1329496503,0.2948749363,2312,24911.61523,261.5327454,414000,4484091,46831.55859,249840,445680,499860,,,0.1190637723,0.2433187366,0.54049474,0.09712272137 +Mexico,MEX,Latin America and Caribbean,LCN,1989,enigh,Old worker,28221663,0,0,0,0.6583383679,1,0.4299724698,0.3821470439,0.04782539979,17678309,0.6290687919,0.3435525894,,0.6225275397,0.1485136151,0.9896016717,0.01039833575,,,0.6631002426,0.2975313365,0.0383695811,,,0.6235972047,0.6381447315,,,0.2293437421,0.2466476262,0.5240086317,0.9011427164,,0.01355517935,0.1576918513,0.006193279289,0.06920731813,0.2399376035,0.04645239562,0.03758503497,0.1681492478,0.03188434243,0.00537335733,0.1334851831,0.049165681,0.1078959405,0.2036091536,0.004301990382,0.2637752593,0.04298313335,0.1261997074,0.06257297099,43,0.1946871728,0.2721844316,2712,29221.58398,306.7806396,487980,5259885,55200.15234,270000,499680,560700,0.9921397567,,0.1939855367,0.3088172078,0.3974298239,0.09976741672 +Mexico,MEX,Latin America and Caribbean,LCN,1989,enigh,Rural,30218159,0.4441103637,0.1897735447,0.04702781513,0,0.5088617802,0.4299724698,0.3821470439,0.04782539979,8511909,0.5548222065,0.2318960875,0.5276737213,0.547483623,0.2318960726,0.9867731333,0.01322687976,0.9673162103,0.03268381581,0.5277300477,0.4474959373,0.02264134772,,,0.3072509766,0.4656034112,,,0.5703324676,0.1671364307,0.2625311315,0.7202055454,0.3777750432,0.01480979938,0.07970055193,0.003972481936,0.06865360588,0.1378772855,0.0165072456,0.00814385619,0.06593055278,0.03407219052,0.00227840594,0.08867785335,0.02332257107,0.0558260791,0.1891972572,0.005228810478,0.3240750134,0.09038494527,0.1649682224,0.05471140519,43,0.2165444195,0.2560876906,1746,18813.00977,197.5070038,314100,3386341.75,35530.89844,237240,384480,457020,0.9921397567,,0.2234169692,0.3582596779,0.3776748478,0.04064850882 +Mexico,MEX,Latin America and Caribbean,LCN,1989,enigh,Total,79140996,0.3864378035,0.2109128237,0.04604957253,0.6181731224,0.5675126314,0.7620753303,0.6809325152,0.08114281512,25129031,0.5594982058,0.3147254586,0.5473822951,0.5446992236,0.1209997088,0.9735495448,0.02645044215,0.9354627728,0.0645372346,0.6904007792,0.278904289,0.0291382689,,,0.5799618959,0.5902857184,,,0.2440791428,0.2555811107,0.5003397465,0.9117202163,0.7188621759,0.01427618507,0.1662135571,0.005274688825,0.06981666386,0.2392979413,0.04058036208,0.03653803095,0.1522752941,0.03164813295,0.004625204951,0.1104192808,0.04794413224,0.1228843853,0.1944984049,0.003272105474,0.2718764842,0.05985286087,0.1279072165,0.05614636093,43,0.1877548844,0.261867106,2276,24523.71875,257.4604492,408780,4414269.5,46241.07422,250740,414180,472140,0.9921397567,,0.1428833455,0.2399040163,0.5009512901,0.1162613407 +Mexico,MEX,Latin America and Caribbean,LCN,1989,enigh,Urban,48922837,0.3508152068,0.2239699215,0.04544534162,1,0.6037394404,0.4299724698,0.3821470439,0.04782539979,16617122,0.5686499476,0.3575255275,0.5578460097,0.5497570634,0.06301947683,0.9667759538,0.03322404623,0.9173970819,0.0826029256,0.7754503489,0.1907590777,0.03253506869,,,0.6769956946,0.6346491575,,,0.07365310192,0.3017822504,0.6245646477,0.9767808914,0.9223634005,0.01399743836,0.2114056498,0.005954927299,0.07042422146,0.2922773957,0.05315551534,0.05137039348,0.1973794848,0.03038187139,0.005203540903,0.1157771498,0.05401176587,0.1394099593,0.1958047897,0.002789903199,0.2590128779,0.05232866108,0.1187740564,0.05649998412,43,0.1728311479,0.2648630142,2494,26872.65039,282.1205444,446220,4837077,50476.27344,308520,431100,473760,0.9921397567,,0.0961965695,0.1712911427,0.572416842,0.1600954384 +Mexico,MEX,Latin America and Caribbean,LCN,1989,enigh,Young worker,16691851,0,1,0,0.6564427018,1,0.4299724698,0.3821470439,0.04782539979,7450722,0.4526177049,0.2633447945,0.5473822951,0.4234070182,0.05193939805,0.9354627728,0.0645372346,0.9354627728,0.0645372346,0.7589254379,0.2321501374,0.005967540666,,,0.4842657745,0.4853265285,,,0.2811378241,0.2780483067,0.4408138692,0.9381542802,0.7188621759,0.01608947292,0.1876451969,0.002964486601,0.07134913653,0.2376891971,0.02581251785,0.03390488401,0.1123531908,0.03105407953,0.002632688498,0.04898899421,0.04469083622,0.1628023684,0.1702341735,0.0005292645656,0.2934520245,0.1047811657,0.1324547678,0.0390306823,43,0.1704632342,0.236131981,1714,18468.21289,193.8871765,306540,3324278.25,34675.71484,220680,313380,335160,0.9921397567,,0.05946813151,0.1274155527,0.6699315906,0.1431847215 +Mexico,MEX,Latin America and Caribbean,LCN,1992,enigh,Female,43210725,0.3658692241,0.2122160643,0.04487416148,0.7334024906,0.5892566442,0.4361923337,0.3913775086,0.04481482133,8554245,0.3388294876,0.3388294876,0.4394920468,0.3266825676,0.05967182294,0.9641503096,0.03584968671,0.9093312025,0.09066880494,0.6698324084,0.308011502,0.02106921561,,,0.6143064499,0.61859864,,0.1632384956,0.08853746206,0.2036206573,0.7078418732,0.9114625454,0.9292538762,0.001017768285,0.1941110492,0.001124825096,0.007367015816,0.3240285218,0.01712982357,0.04515516758,0.2082839459,0.1132444143,0.01416585408,0.0862942487,0.052518785,0.1652416289,0.2362095118,0.08710020781,0.1364037693,0.03562225401,0.1847160161,0.001727717812,43,0.332644254,0.2006689757,4089.405762,24554.86719,462.5923767,728917.5,4419876,82454.92969,456192.0938,634477.5,790936.25,,1.784865618,0.1506735235,0.2301057577,0.5016341805,0.1175865382 +Mexico,MEX,Latin America and Caribbean,LCN,1992,enigh,Higher education,35869086,0.351237148,0.3229719102,0.009899109602,0.83571136,0.6388637424,0.4361923337,0.3913775086,0.04481482133,13706196,0.5981200933,0.4120940268,0.1685755253,0.5693610907,0.07532230765,0.9519177079,0.04808226973,0.9088432789,0.09115669876,0.791216135,0.1611923426,0.04615621269,,,0.7228637338,0.7260975838,,0.208405003,0.06167206168,0.2771251798,0.6612027287,0.9821515083,0.8965494633,0.007748584729,0.2105275989,0.007147822063,0.05170118436,0.2945874333,0.04958527535,0.07509469241,0.2260159403,0.01591939852,0.04695764184,0.1207066625,0.07282458246,0.1691773832,0.1661169231,0.05652493984,0.2025695443,0.08038642257,0.06530664861,0.01942925714,43,0.174627915,0.2565969527,5126.438477,30781.73633,579.9011841,918865.8125,5540713,103941.8281,424500.9688,892234,1000000,0.9974216223,1.784865618,0,0,0.7479888201,0.2520111799 +Mexico,MEX,Latin America and Caribbean,LCN,1992,enigh,Lower education,48471540,0.3980395198,0.128442049,0.06967379153,0.6463259459,0.5322867036,0.4361923337,0.3913775086,0.04481482133,14742254,0.5771234632,0.2783237696,0.3968567848,0.5612024069,0.1880756468,0.9724131227,0.02758689411,0.926379621,0.07362035662,0.5817233324,0.360237956,0.05769380182,,,0.343606025,0.3796869814,,0.0466436334,0.3278900981,0.2959534228,0.3761564791,0.8287954926,0.6266409159,0.009592887945,0.1733203232,0.002713839989,0.1103263795,0.2198987156,0.03143877536,0.01266309805,0.05473351479,0.05742237344,0.002331721131,0.006612834986,0.007132910192,0.01588110439,0.1339758188,0.3316887319,0.2833696604,0.08336061984,0.1122222543,0.02342432365,43,0.2299572378,0.3129929006,3125,18764.08398,353.4990845,557646.3125,3377535.25,63080.78516,431282.3125,594822.625,603829.0625,0.9974216223,1.784865618,0.2171493024,0.4073624015,0.3754883111,0 +Mexico,MEX,Latin America and Caribbean,LCN,1992,enigh,Male,41129901,0.3910213411,0.210077852,0.04359900951,0.7200056911,0.5653796196,0.4361923337,0.3913775086,0.04481482133,19894205,0.8570150137,,0.04554139823,0.824316144,0.166539818,0.9618456364,0.03815437853,0.9185584784,0.081441544,0.6865879893,0.2470305711,0.06561280042,,,0.5277779102,0.5514164567,,0.1066275313,0.2496245056,0.3229084313,0.427467078,,0.7272596955,0.0120310476,0.1897146106,0.006419776939,0.1147429794,0.2259232849,0.04996902123,0.04120306671,0.1052815393,0.00509015331,0.02764020301,0.050021898,0.03233857453,0.05597892404,0.1118259504,0.2495836616,0.2916380763,0.1019035354,0.04901841655,0.03005076386,43,0.1486497521,0.3226180375,4000,24018.0293,452.4788208,718302.25,4323245.5,81254.14063,428475.9375,738207.125,829566.125,,1.784865618,0.09985332936,0.2479139715,0.562732935,0.08949974924 +Mexico,MEX,Latin America and Caribbean,LCN,1992,enigh,Old worker,30905724,0,0,0,0.760966599,1,0.4361923337,0.3913775086,0.04481482133,19705639,0.6394126415,0.3580538929,,0.6287576556,0.1635797024,0.9833362699,0.01666375808,,,0.6516060829,0.2798960507,0.06820775568,,,0.5971931815,0.6127025485,,0.1454802454,0.1975486577,0.2694470882,0.5330042243,0.9037560821,,0.009124314412,0.1687126011,0.006238963455,0.08537121117,0.2502354085,0.04572713748,0.04105696455,0.1580302864,0.03795443848,0.03151926026,0.0768340975,0.03835750371,0.08301266283,0.1508521736,0.195266664,0.2298380733,0.08418443054,0.08792494237,0.02221019194,43,0.2089591771,0.2940747738,4590.08252,27561.18359,519.2287598,825000.0625,4961013,93323.76563,456546.4688,817881.1875,940633.875,0.9974216223,1.784865618,0.1712375581,0.3055725396,0.4251725674,0.09801732004 +Mexico,MEX,Latin America and Caribbean,LCN,1992,enigh,Rural,23036010,0.4434848428,0.1916349232,0.04418668896,0,0.5123285055,0.4361923337,0.3913775086,0.04481482133,6838800,0.5804169178,0.2525448203,0.3671469092,0.5640249848,0.3293640912,0.9717583656,0.02824165113,0.9372550845,0.06274493039,0.4802954793,0.4548644722,0.06430767477,,,0.2246856987,0.2747116685,,0.03609117121,0.6128793359,0.1852741987,0.2018464506,0.6219361424,0.3800636232,0.01234018058,0.1011166126,0.0008268440724,0.07099055499,0.1177908033,0.01124700624,0.003531099996,0.04350295663,0.02577459067,0.002754992573,0.01016196143,0.01138852723,0.01054783259,0.08291354775,0.6148102283,0.1672587246,0.03818839416,0.04403667152,0.01793914475,43,0.3033271432,0.2501013279,2812.587402,16888.20117,318.1590576,504965.8125,3039876.25,57121.58203,430160.9375,615687.6875,563984.625,0.9974216223,1.784865618,0.2417533249,0.3599975705,0.372525543,0.02572354674 +Mexico,MEX,Latin America and Caribbean,LCN,1992,enigh,Total,84340626,0.3781349957,0.2111733258,0.0442523174,0.7268693447,0.5776126683,0.7312639357,0.6546514931,0.07661244261,28448450,0.5839626615,0.3388294876,0.2469503731,0.5620866026,0.1343515664,0.9625386,0.03746137396,0.9156623483,0.08433763683,0.6815412641,0.2653978169,0.05219643563,,,0.5533922315,0.5713038445,,0.1236747503,0.2011164874,0.2869873941,0.5118961334,0.9114625454,0.7902305722,0.008714626543,0.1910385042,0.004825312179,0.08240893483,0.2554656565,0.04008017853,0.04239315912,0.136298582,0.03765856847,0.02358268201,0.06094456464,0.03841542825,0.08888112754,0.1492814869,0.2006551325,0.244892478,0.08194430172,0.08988093585,0.02152186446,43,0.2036417425,0.2861700952,4006.288574,24055.78906,453.1901855,720000,4330042,81446.1875,430135.9375,719751.9375,806728.375,0.9974216223,1.784865618,0.1270696223,0.2383769453,0.5300120711,0.1045413762 +Mexico,MEX,Latin America and Caribbean,LCN,1992,enigh,Urban,61304616,0.3535789549,0.2185151428,0.0442769751,1,0.6021440625,0.4361923337,0.3913775086,0.04481482133,21609650,0.589183867,0.3660392165,0.2069840431,0.5653930902,0.07185542583,0.959620893,0.0403791368,0.9080045223,0.09199549258,0.7460350394,0.2046789527,0.04831511527,,,0.6212108135,0.6324965358,,0.1517551988,0.06909988821,0.3195979595,0.6113021374,0.9749475718,0.9405628443,0.00755222654,0.2198686451,0.006107273512,0.08606981486,0.2996060252,0.0493244715,0.05485284701,0.1660500765,0.04146872833,0.0302603133,0.07722613961,0.04708060995,0.1139958128,0.1705599129,0.06787157059,0.269782871,0.09597302228,0.1045792177,0.02267053351,43,0.1718631983,0.2976683974,4284.519531,25726.42773,484.6635742,768192.75,4630757,86897.73438,430135.9375,741146.4375,830483,0.9974216223,1.784865618,0.08547123522,0.1942623705,0.5871359706,0.1331304014 +Mexico,MEX,Latin America and Caribbean,LCN,1992,enigh,Young worker,17810491,0,1,0,0.752140224,1,0.4361923337,0.3913775086,0.04481482133,8742811,0.495582521,0.3042416275,0.2469503731,0.4537862539,0.06360469013,0.9156623483,0.08433763683,0.9156623483,0.08433763683,0.7539995909,0.2303047329,0.01344094612,,,0.4617694616,0.484706074,,0.0707905069,0.2097694278,0.3295273483,0.4607032239,0.9292538762,0.7902305722,0.007721023168,0.2451848984,0.001396822743,0.07522460818,0.2681503892,0.02638476342,0.04563380033,0.08359327167,0.0369409956,0.004334319383,0.02240813151,0.03855591267,0.1031137332,0.1454721391,0.2137236446,0.2814035118,0.07651138306,0.09462475777,0.01985248551,43,0.1908745021,0.267190814,3125,18764.08398,353.4990845,562500,3377535.25,63629.83594,361871.4375,575801.5625,603987.625,0.9974216223,1.784865618,0.0530182533,0.1257177144,0.7057844996,0.1154795215 +Mexico,MEX,Latin America and Caribbean,LCN,1994,enigh,Female,45685367,0.3454578221,0.2143194824,0.05042126402,0.7366852164,0.6041209102,0.4236032367,0.3751581609,0.04844509438,10332067,0.3795838356,0.3795838356,0.4138579071,0.3679784238,0.08863763511,0.9694259763,0.03057403676,0.9311653972,0.06883463264,0.6176217794,0.3684702218,0.01390800532,,,0.6186179519,0.6220031381,,0.1672855318,0.1269561648,0.196219936,0.6768239141,0.8730438352,0.9138036966,0.001568063861,0.189739421,0.00123540184,0.003677052679,0.2964130938,0.0115814684,0.04615125433,0.2129464746,0.109731622,0.01303551625,0.08488121629,0.06074844673,0.1445245445,0.2282443345,0.1257367283,0.1206301898,0.03914389014,0.1807099134,0.002345206914,42,0.3805879354,0.1921505183,4.912522793,25.12618446,,876.6616821,4522.712891,,381.3721924,677.9790039,990,,2.194516182,0.154353708,0.2087977231,0.494189769,0.1426587999 +Mexico,MEX,Latin America and Caribbean,LCN,1994,enigh,Higher education,39154510,0.3382818997,0.3148851693,0.008150887676,0.8438038826,0.6535671949,0.4236032367,0.3751581609,0.04844509438,15590028,0.6092209816,0.4284468889,0.1640521139,0.5807846189,0.07220895588,0.9533234239,0.04667656869,0.9168791771,0.08312083036,0.7758352757,0.1845734417,0.03959127888,,,0.6947726011,0.7062993646,,0.2146959454,0.06645105034,0.2631317973,0.67041713,0.9826946259,0.8906390071,0.006105028093,0.196561113,0.006831158884,0.05363449082,0.2748639286,0.05737696961,0.07545440644,0.2482835352,0.01443830598,0.03981694952,0.1242422238,0.08272621036,0.1575903296,0.1658165008,0.06413674355,0.1892376393,0.08703650534,0.07020389289,0.01919300854,42,0.196656391,0.2776929736,6.235201836,31.89131737,,1117.051025,5740.437012,,491.2522888,926.0201416,1303.836426,1.061439276,2.194516182,0,0,0.7173350453,0.2826649845 +Mexico,MEX,Latin America and Caribbean,LCN,1994,enigh,Lower education,50660165,0.3888825476,0.1280804127,0.07973819226,0.6429665089,0.5313792825,0.4236032367,0.3751581609,0.04844509438,16138562,0.608615756,0.3352763653,0.365755856,0.5889695883,0.1862484217,0.9677199721,0.03228001297,0.9293951988,0.07060479373,0.5579683781,0.4063272476,0.03570437804,,,0.3082244396,0.3582131863,,0.04169658571,0.3523122668,0.2820358872,0.3656518757,0.7500430346,0.6117710471,0.00515501434,0.1706624925,0.003200553823,0.1030178145,0.2157846987,0.0294956807,0.01045403257,0.04772657529,0.06219089031,0.00295205228,0.003261894919,0.005232619122,0.01317852177,0.1441822499,0.3485356271,0.2726688683,0.07356920093,0.1222534776,0.01416548435,42,0.2629146874,0.3148187995,3.568625212,18.25252342,,640.0651245,3285.454346,,467.1654968,689.3800659,692.7120972,1.061439276,2.194516182,0.2312121242,0.3851400018,0.3836478591,0 +Mexico,MEX,Latin America and Caribbean,LCN,1994,enigh,Male,44129308,0.3889421523,0.2045462579,0.04657176882,0.7241396308,0.5644860864,0.4236032367,0.3751581609,0.04844509438,21396523,0.8597304821,,0.03891286254,0.8222517967,0.1512008011,0.9564065337,0.04359348491,0.9171577692,0.0828422457,0.6870019436,0.2638023198,0.04919576272,,,0.4896356463,0.527633965,,0.1058711857,0.2550007701,0.3103096783,0.4346895516,,0.7159448862,0.007600650657,0.180134654,0.006799234543,0.1157751232,0.2192282379,0.05851344764,0.0401898995,0.1125178561,0.004240126815,0.02479068562,0.05117765814,0.03434161097,0.05377282947,0.1187497452,0.251034528,0.2864914834,0.1001999453,0.05583911389,0.02360239066,42,0.1571967155,0.3478962779,4.513337612,23.08446312,,804.2767334,4155.203613,,479.9647827,793.7315674,1072.369019,,2.194516182,0.1045475081,0.2306072712,0.5668961406,0.09794906527 +Mexico,MEX,Latin America and Caribbean,LCN,1994,enigh,Old worker,33692116,0,0,0,0.7622646093,1,0.4236032367,0.3751581609,0.04844509438,22228076,0.6620743275,0.4081266224,,0.6470279098,0.1610862911,0.9772738218,0.02272616886,,,0.6283888817,0.3222769797,0.04933416471,,,0.5850859284,0.605017364,,0.1510985792,0.2106236964,0.2486086488,0.5407676697,0.8564676046,,0.006283088122,0.1611975431,0.006234429777,0.07489357889,0.2383183688,0.04868393019,0.04652515054,0.1688190848,0.03842112795,0.02802247927,0.08026049286,0.04246786982,0.08341301233,0.1546625644,0.2069883198,0.2111476064,0.07826641947,0.09544418007,0.0193270538,42,0.2447910607,0.3029907942,5.526587963,28.26695633,,992.9343262,5088.051758,,504.2468872,926.0201416,1250,1.061439276,2.194516182,0.1760537624,0.2781349421,0.4242810607,0.1215302274 +Mexico,MEX,Latin America and Caribbean,LCN,1994,enigh,Rural,24203160,0.4331236184,0.1858929992,0.05004280433,0,0.5168336034,0.4236032367,0.3751581609,0.04844509438,7786609,0.6230334044,0.3347144425,0.3252224922,0.6032812595,0.3118546903,0.9682968259,0.03170314431,0.9309325218,0.06906747073,0.4618035555,0.4994821548,0.03871428594,,,0.2093350738,0.2609111071,,0.04436447471,0.6351076365,0.1668584794,0.198033914,0.5324442387,0.3546356559,0.008603601716,0.0937609449,0.001629231963,0.06286469102,0.1041116863,0.01301037986,0.005878047086,0.044720456,0.03031334281,0.00383354933,0.01697762124,0.009725257754,0.009623264894,0.07765762508,0.6258016229,0.1550858021,0.0410691388,0.05069863796,0.009527505375,42,0.346776545,0.2525804341,3.114436626,15.92947483,,559.9693604,2867.305664,,461.8867798,687.1905518,776.3082886,1.061439276,2.194516182,0.2385634929,0.3503312469,0.3848395646,0.02626567706 +Mexico,MEX,Latin America and Caribbean,LCN,1994,enigh,Total,89814675,0.3668233156,0.2095175385,0.04852986336,0.7305210829,0.5846468508,0.7104343047,0.6274271641,0.08300714062,31728590,0.6042405337,0.3795838356,0.2315753996,0.5804613439,0.1306415945,0.9606461525,0.03935384378,0.9217428565,0.07825713605,0.6642025709,0.2981977761,0.03759967163,,,0.5290954709,0.5564702749,,0.1260528713,0.2129233629,0.2728180587,0.5142585635,0.8730438352,0.7813720107,0.005618250929,0.1832909286,0.004970874637,0.07893799245,0.2445923537,0.04309088737,0.04214889184,0.1455202252,0.03890623525,0.02092775889,0.06225315854,0.04301929846,0.08359522372,0.1547313333,0.2098597735,0.2319869399,0.08013599366,0.09687355906,0.01661695726,42,0.2306064665,0.2967158556,4.605490208,23.55579758,,823.1290283,4240.043945,,469.2625427,766.9625854,1032.14624,1.061439276,2.194516182,0.1313858479,0.2188550681,0.527717948,0.1220411435 +Mexico,MEX,Latin America and Caribbean,LCN,1994,enigh,Urban,65611515,0.3423660696,0.218232289,0.04797176272,1,0.6096621752,0.4236032367,0.3751581609,0.04844509438,23941981,0.6044575572,0.3931701183,0.2016081661,0.5791657567,0.07108233869,0.9581579566,0.04184206948,0.9184998274,0.08150015026,0.7307249308,0.2320417166,0.03723333031,,,0.5949103236,0.6178616285,,0.1529013813,0.0741641745,0.3076437712,0.6181920767,0.9623303413,0.9340048432,0.004637056496,0.2127167284,0.006069171242,0.08422080427,0.2907640934,0.05297743902,0.05407001823,0.1786500663,0.04173045605,0.02654610761,0.07713385671,0.05396204442,0.1079075634,0.1800631285,0.07315228879,0.2572620213,0.09297609329,0.1120498553,0.01894704625,42,0.1924248785,0.311221838,5.020469189,25.67829895,,899.8723755,4622.09375,,502.6729736,786.0036621,1061.104858,1.061439276,2.194516182,0.09359288961,0.1724939793,0.578099668,0.1558134705 +Mexico,MEX,Latin America and Caribbean,LCN,1994,enigh,Young worker,18817749,0,1,0,0.7609066963,1,0.4236032367,0.3751581609,0.04844509438,9500514,0.512611568,0.3265459239,0.2315753996,0.4724960625,0.05511970818,0.9217428565,0.07825713605,0.9217428565,0.07825713605,0.7530428767,0.2384663224,0.008490777574,,,0.4136769772,0.4559777677,,0.06392383575,0.2186279744,0.33287251,0.4484995008,0.9138036966,0.7813720107,0.003969039302,0.2380963415,0.001836467185,0.08897067606,0.2601557672,0.02921663783,0.0312930271,0.0877244845,0.04010959715,0.003328411141,0.0175836999,0.04438719153,0.08404720575,0.1549019367,0.2169827819,0.2836815417,0.08477371186,0.1004193053,0.00989422109,42,0.1954197735,0.2811500728,3.498298407,17.89282036,,625.548584,3220.707764,,414.0310669,629.4689941,679.1671143,1.061439276,2.194516182,0.0549788624,0.1174535006,0.7046525478,0.1229150891 +Mexico,MEX,Latin America and Caribbean,LCN,1996,enigh,Female,47851504,0.3452675045,0.2013853788,0.04907680675,0.7313088775,0.6056556702,0.4164123833,0.3683028519,0.04810953885,12076538,0.4215689003,0.4215689003,0.3892795444,0.4066351652,0.08653702587,0.9645757675,0.03542422503,0.9129935503,0.0870064348,0.6014279127,0.3778621852,0.02070988715,,,0.5782157779,0.5670744777,,0.1459115446,0.1234668717,0.2069663107,0.6695668101,0.8765331507,0.8775681257,0.001244169311,0.197812885,0.003085141536,0.004824128468,0.302859813,0.01127418503,0.04229214042,0.1977866143,0.1153540611,0.01547858957,0.09103030711,0.03683232144,0.1315464675,0.2206999063,0.1205760837,0.1316760927,0.05601714924,0.1921171546,0.004025930539,43,0.3782484233,0.2003234476,6.450336933,18.18636131,0.729660213,1038.965942,3273.545166,117.5275192,248.4186401,838.5266724,1189.490845,,2.542625666,0.1244224086,0.2162357718,0.5202686191,0.1390731782 +Mexico,MEX,Latin America and Caribbean,LCN,1996,enigh,Higher education,42973435,0.3231907785,0.2975746691,0.009558974765,0.831346035,0.667250216,0.4164123833,0.3683028519,0.04810953885,18074077,0.6303290129,0.4579735398,0.1593765914,0.5938646793,0.08884571493,0.9421502948,0.05784970522,0.8832276464,0.1167723462,0.7591187954,0.1956344694,0.04524674267,,,0.6849330664,0.6780180335,,0.2012727112,0.06319324672,0.2659743726,0.6708323956,0.9738174081,0.893078208,0.006826204248,0.2047867179,0.007790646516,0.04657081515,0.2824433744,0.05807194859,0.07080225646,0.2388109714,0.02070382424,0.03815163672,0.1250242442,0.05660763755,0.1529069841,0.1669103205,0.05920504779,0.1921177804,0.09771150351,0.08626610041,0.02509875037,43,0.2070655376,0.2925213575,8.333333015,23.49536133,0.9426641464,1383.868896,4229.165039,156.5428467,670.8213501,1173.937378,1562.354858,1.009770036,2.542625666,0,0,0.7269765139,0.2730234563 +Mexico,MEX,Latin America and Caribbean,LCN,1996,enigh,Lower education,50009934,0.3932931423,0.1213583499,0.07858102769,0.6384553313,0.5281258225,0.4164123833,0.3683028519,0.04810953885,16370502,0.6284855008,0.3856459856,0.3452087343,0.6097133756,0.1819850057,0.9701311588,0.0298688449,0.9306628704,0.06933714449,0.545802474,0.4081118405,0.04608566314,,,0.2995732725,0.3242459893,,0.0415633209,0.33372733,0.2685438395,0.3977288306,0.7667093873,0.5818372369,0.006239888258,0.1666442901,0.002711010166,0.0929486379,0.2230875194,0.03770681098,0.01123342384,0.05251665413,0.0731844306,0.004409649409,0.003364851233,0.007381780539,0.01560529321,0.1452764571,0.3274285197,0.252726227,0.0865033567,0.1386615485,0.01864234358,43,0.2718092501,0.3033694923,4.613494873,13.00748825,0.5218771696,754.6740723,2341.348145,85.36850739,542.8335571,814.9888306,848.9467773,1.009770036,2.542625666,0.1911800802,0.4018865526,0.4069333673,0 +Mexico,MEX,Latin America and Caribbean,LCN,1996,enigh,Male,45131865,0.3774630725,0.2042976916,0.04414209351,0.7236721516,0.5783948302,0.4164123833,0.3683028519,0.04810953885,22368041,0.8578372598,,0.0417914167,0.8153924346,0.1596827954,0.9505211115,0.04947889596,0.8945665359,0.1054334491,0.6861744523,0.2545087636,0.05931675434,,,0.5072597265,0.5210977197,,0.1122964695,0.2322508991,0.3002232909,0.46752581,,0.71537292,0.009446555749,0.1801163554,0.006574387662,0.1040859893,0.2269205153,0.06849958748,0.04192642123,0.1221314594,0.008047816344,0.02536962181,0.0527731739,0.0306720268,0.0620499365,0.1212800071,0.2259354889,0.2705054879,0.1121830568,0.067409724,0.03182148561,43,0.1616386473,0.3511383832,6.28744173,17.72708702,0.7112335563,1035.077637,3190.875732,117.087677,591.4729614,1036.859497,1275.923096,,2.542625666,0.07722349465,0.2148929536,0.5958685279,0.1120150164 +Mexico,MEX,Latin America and Caribbean,LCN,1996,enigh,Old worker,36228644,0,0,0,0.767747581,1,0.4164123833,0.3683028519,0.04810953885,24813645,0.6871481538,0.4532492161,,0.6710587144,0.1506671757,0.9765852094,0.02341481857,,,0.6302753091,0.3119351566,0.05778949708,,,0.5800012946,0.5838090777,,0.1482882947,0.1817243397,0.2538862228,0.5643894672,0.8761634231,,0.007096915971,0.1699064225,0.006264361087,0.0706185177,0.2506888509,0.05439482257,0.04310694709,0.169797197,0.04640163481,0.02884588949,0.07962670177,0.03440743685,0.0893997997,0.1556526721,0.1757044792,0.2163825035,0.08799640089,0.1086366251,0.02334747836,43,0.2415950298,0.3053942919,7.381591797,20.8119812,0.8350034952,1240.1073,3746.156738,140.2805786,636.710022,1139.950439,1490.052368,1.009770036,2.542625666,0.1323444247,0.2737913728,0.4652023315,0.128661871 +Mexico,MEX,Latin America and Caribbean,LCN,1996,enigh,Rural,25328465,0.4284273982,0.190614,0.04875569791,0,0.5228168964,0.4164123833,0.3683028519,0.04810953885,8697628,0.6576387286,0.394608438,0.2900134623,0.6412304044,0.2960152924,0.9750496149,0.02495036647,0.9501379728,0.04986204579,0.4818381667,0.4697441161,0.04841769114,,,0.2132659107,0.2243044227,,0.05505391955,0.5804075003,0.1927483082,0.2268441767,0.5659710169,0.4159050286,0.008091744035,0.109098047,0.001584907877,0.073973611,0.1148165017,0.02123819105,0.004714632407,0.05475154519,0.03132330254,0.004140381701,0.01700925454,0.009489165619,0.01565628685,0.07950374484,0.5719640255,0.1770376712,0.05385691673,0.0594766736,0.01186587941,43,0.3310845494,0.2586776912,4.192633152,11.82089233,0.4742694199,646.9235229,2127.760742,73.17979431,548.8538208,713.1152954,862.5646973,1.009770036,2.542625666,0.1792038083,0.3442701399,0.4417314529,0.03479457647 +Mexico,MEX,Latin America and Caribbean,LCN,1996,enigh,Total,92983369,0.3608944416,0.2027989477,0.04668161646,0.7276021838,0.5924239308,0.6879804088,0.6091827539,0.07879765491,34444579,0.6252921981,0.4215689003,0.2175182998,0.5974346843,0.1337923408,0.9554488063,0.04455121979,0.9009918571,0.09900815785,0.6561778188,0.2981705666,0.04565158114,,,0.5303015709,0.5360136628,,0.124197185,0.1937460303,0.2672143281,0.5390396118,0.8765331507,0.7726819515,0.006543263327,0.1863801628,0.005339344498,0.06895156205,0.2537997663,0.04824425653,0.04205587134,0.148910135,0.04602961242,0.02186862193,0.0663145557,0.03285250813,0.08664871752,0.1564703733,0.188642785,0.2213658541,0.09230273962,0.1115507931,0.02198305354,43,0.2383091897,0.2977564037,6.33305788,17.85569954,0.7163936496,1036.17041,3214.025879,117.2112885,568.6018677,983.2810059,1240.646118,1.009770036,2.542625666,0.1025690213,0.2156140506,0.5552718639,0.1265450865 +Mexico,MEX,Latin America and Caribbean,LCN,1996,enigh,Urban,67654904,0.3356116414,0.2073607147,0.04590512812,1,0.6184832454,0.4164123833,0.3683028519,0.04810953885,25746951,0.6204677224,0.4300441146,0.1921952218,0.588716805,0.0774769783,0.9488273859,0.05117262155,0.8794108629,0.1205891147,0.716699481,0.2386091799,0.04469133168,,,0.604137361,0.6087629199,,0.1482017487,0.05951731279,0.2930650413,0.6474176049,0.9678370953,0.9419493079,0.006005711388,0.2132084817,0.006642689463,0.06720816344,0.3020475209,0.05761935562,0.05501880124,0.1815970838,0.05113487691,0.02802294306,0.08343078196,0.04096304253,0.1112935916,0.1831891835,0.05557362735,0.2367542833,0.1056491286,0.1296282113,0.02549521066,43,0.2061024159,0.3113224804,6.98023653,19.68038368,0.7896022797,1158.686523,3542.468994,131.070282,637.9615479,1051.876953,1288.42334,1.009770036,2.542625666,0.07485774159,0.1690917611,0.5963282585,0.1597222239 +Mexico,MEX,Latin America and Caribbean,LCN,1996,enigh,Young worker,18856929,0,1,0,0.743968904,1,0.4164123833,0.3683028519,0.04810953885,9630934,0.5174994469,0.3568204939,0.2175182998,0.4662627578,0.08666738868,0.9009918571,0.09900815785,0.9009918571,0.09900815785,0.7285135984,0.2597313523,0.01175502781,,,0.4099720418,0.4205380678,,0.05692672729,0.2273180485,0.3044346273,0.4682473242,0.8775681257,0.7726819515,0.004997123033,0.2323850095,0.002756127389,0.06429638714,0.2624873519,0.03106808662,0.03912062198,0.09058054537,0.04499070346,0.002383780433,0.02913882025,0.02851017565,0.07896599919,0.1587539017,0.2247745395,0.2352824211,0.1043286845,0.119688943,0.01817273907,43,0.2291330993,0.2764266729,4.541866779,12.80553722,0.5137746334,712.5,2304.996826,80.59778595,461.3495178,738.1591797,769.489624,1.009770036,2.542625666,0.04792529345,0.1088471711,0.7205671668,0.1226603538 +Mexico,MEX,Latin America and Caribbean,LCN,1998,enigh,Female,49310504,0.338401109,0.1995897889,0.04957844317,0.7334081531,0.6120204329,0.4107916951,0.3595552742,0.05123641714,12937070,0.4340726435,0.4340726435,0.3659935296,0.4246883392,0.1100589484,0.9783807993,0.02161919139,0.947650373,0.05234964192,0.5858861208,0.394249171,0.01986469328,0.3097990751,0.2760870457,0.5839603543,0.5964989066,0.471229881,0.1441046,0.1218593344,0.1981635839,0.6799770594,0.8781406879,0.9042048454,0.001255947049,0.189310804,0.001840507146,0.005756325088,0.3217317164,0.01290022023,0.04402530193,0.1878116876,0.1135081574,0.01462917216,0.08518871665,0.0325098075,0.1284155846,0.240824461,0.116513364,0.1338013709,0.04595271498,0.1987103075,0.002550369594,42,0.3955730796,0.1965487152,8.786165237,17.71461868,0.9938884377,1575,3188.631348,178.1635284,836.81427,1328.46814,1800,,2.41091609,0.1144463867,0.2031850964,0.5485892892,0.1337792277 +Mexico,MEX,Latin America and Caribbean,LCN,1998,enigh,Higher education,44686939,0.299718529,0.299903363,0.01103031449,0.8376339078,0.6892511249,0.4107916951,0.3595552742,0.05123641714,19350793,0.6372778416,0.4635534883,0.1541605294,0.615745008,0.09933174402,0.9662112594,0.03378874436,0.9379960299,0.06200397387,0.7466328144,0.2084062994,0.04496090487,0.3288674653,0.4177653193,0.6795057654,0.6850208044,0.5595325232,0.1922238618,0.07313073426,0.2553988099,0.6714704633,0.9701585174,0.8748533726,0.006436021533,0.195425421,0.009938463569,0.04359892011,0.2979671359,0.05469297245,0.07470911741,0.2215229869,0.02257822268,0.03747808188,0.1220833585,0.05278159305,0.1471264213,0.1748196036,0.06681419909,0.1924870163,0.09720401466,0.08583713323,0.02083264478,42,0.2160418183,0.2693025172,11.89485073,23.98233223,1.345541954,2132.362549,4316.819824,241.2122192,1018.568665,1886.336914,2337.662354,1.009614825,2.41091609,0,0,0.7400477529,0.2599522471 +Mexico,MEX,Latin America and Caribbean,LCN,1998,enigh,Lower education,51054592,0.3954211175,0.1108246818,0.08557400852,0.6358548999,0.5190048814,0.4107916951,0.3595552742,0.05123641714,16820999,0.6348125935,0.4038918018,0.3430706263,0.6248559356,0.1891732663,0.9843155742,0.01568444259,0.9558932185,0.04410679266,0.5349879861,0.4200812578,0.04493074492,0.4078553617,0.1271326542,0.2925951183,0.350597471,0.237636447,0.03776346147,0.3228140175,0.267511338,0.4096746445,0.7718308568,0.6258891225,0.004417240154,0.1641448885,0.002704930725,0.09624428302,0.2448706925,0.03116854839,0.01674815081,0.04106552899,0.07582171261,0.003442375455,0.004667584784,0.005566590931,0.01694637351,0.1545416713,0.3141519725,0.2584325075,0.07803398371,0.1394889206,0.01597332023,42,0.274982959,0.2828126848,6.56033659,13.22691441,0.7421033382,1173.044922,2380.844727,132.6944885,885.6453857,1293.847046,1285.714355,1.009614825,2.41091609,0.1855019033,0.3876871765,0.4268109202,0 +Mexico,MEX,Latin America and Caribbean,LCN,1998,enigh,Male,46431027,0.3638696074,0.1985310167,0.05205827206,0.7264513373,0.584072113,0.4107916951,0.3595552742,0.05123641714,23234722,0.8586873412,,0.04908549041,0.8351095319,0.1591520011,0.9725420475,0.02745795622,0.9424566031,0.05754342675,0.6815965772,0.2594071925,0.05899624154,0.3974247873,0.2841717899,0.5040003061,0.5353099704,0.4169208109,0.105996415,0.2287846804,0.2963337898,0.4748815,,0.7169577479,0.007858389057,0.1759304851,0.009174286388,0.1033706442,0.2457505763,0.06086593866,0.04942703247,0.1081806272,0.01065733191,0.02533794194,0.05671626702,0.02954111435,0.06222113222,0.1229894012,0.2202058882,0.2736791074,0.1118656769,0.06192409992,0.02751276828,42,0.1586664468,0.3199541867,8.975657463,18.09667015,1.015323758,1605.833374,3257.400635,181.6513977,919.8700562,1640.624878,1928.571533,,2.41091609,0.07766623795,0.2037020922,0.6068381667,0.1117934957 +Mexico,MEX,Latin America and Caribbean,LCN,1998,enigh,Old worker,38238234,0,0,0,0.7694419026,1,0.4107916951,0.3595552742,0.05123641714,26248265,0.689268589,0.4614044726,,0.6796731353,0.1626401246,0.9860787988,0.01392122451,,,0.6223707795,0.3199427426,0.05768648162,0.3274523318,0.2949184477,0.5712324977,0.5953705907,0.473862946,0.1425444931,0.1816329658,0.2471151799,0.5712518692,0.8684690595,,0.006026459858,0.1644118279,0.007789557334,0.06888733059,0.2696397901,0.04959688336,0.05007426441,0.1536890566,0.04825185984,0.02808047831,0.07745184749,0.03200276569,0.08887767047,0.1659428477,0.1733097732,0.2148814499,0.0863282606,0.1082424521,0.02057709545,42,0.2438806891,0.283324331,10.51687145,21.20405769,1.189665437,1875.000122,3816.730225,212.0994568,974.210022,1829.841919,2250,1.009614825,2.41091609,0.1297919303,0.2554423213,0.4896017909,0.1251639575 +Mexico,MEX,Latin America and Caribbean,LCN,1998,enigh,Rural,25846923,0.4100705385,0.1867220253,0.06211714074,0,0.5278123021,0.4107916951,0.3595552742,0.05123641714,8814655,0.647127986,0.3927801847,0.29898265,0.6392154694,0.2957241833,0.987772882,0.01222713757,0.9739097357,0.0260902904,0.446733892,0.5087669492,0.04449919239,0.3772555888,0.06947829574,0.1964076161,0.2519875169,0.1555250287,0.04473968595,0.5996640325,0.1829116195,0.217424348,0.5465353727,0.4267431796,0.007654523943,0.1075082347,0.003083769232,0.06466509402,0.1206635833,0.01669680141,0.005994342268,0.04491105303,0.02915856056,0.005302819889,0.01435646787,0.007548401132,0.01478486508,0.08092086017,0.585904479,0.1764523536,0.04279571027,0.05324974656,0.007712983526,42,0.3466309309,0.2362691015,5.658714771,11.40906906,0.6401121616,1018.568665,2053.632324,115.2201843,848.807251,1161.149658,1216.095459,1.009614825,2.41091609,0.1855765581,0.3319978118,0.4512909353,0.03113470227 +Mexico,MEX,Latin America and Caribbean,LCN,1998,enigh,Total,95741531,0.3507523537,0.1990763247,0.05078106746,0.7300343513,0.5984665751,0.6709370879,0.5860851186,0.0848519693,36171792,0.6312912315,0.4340726435,0.2110729814,0.61527556,0.1415259987,0.9746302962,0.02536968514,0.9443485141,0.05565148219,0.647233367,0.3078198731,0.04494674131,0.565428657,0.434571389,0.5299826264,0.5551965237,0.4345713556,0.1196861118,0.1903949976,0.2610874772,0.5485175252,0.8781406879,0.7854048014,0.005487896968,0.1807344556,0.006541220471,0.06832391769,0.2730302811,0.04364468157,0.04748763517,0.13677077,0.04758413509,0.02149314433,0.0669388026,0.03060697205,0.08598709852,0.165296033,0.1829768866,0.2234584391,0.08820077032,0.1110348105,0.01855045371,42,0.2437236458,0.2756476104,8.928571701,18.00173759,1.009997368,1594.161865,3240.312744,180.3311157,905.3943481,1546.171143,1862.615356,1.009614825,2.41091609,0.09733578563,0.2034256011,0.5756874084,0.1235511824 +Mexico,MEX,Latin America and Caribbean,LCN,1998,enigh,Urban,69894608,0.3288165927,0.2036449164,0.04658900201,1,0.6245943904,0.4107916951,0.3595552742,0.05123641714,27357137,0.6326643229,0.4469203651,0.1808212548,0.6139347553,0.09095259011,0.9703956842,0.02960430458,0.9328011274,0.06719885021,0.7129925489,0.2419139296,0.0450935252,0.3622610271,0.3507315218,0.5986164212,0.6175052524,0.4919147193,0.1442413628,0.05616431683,0.286727339,0.6571083665,0.9701972604,0.931681633,0.004777293652,0.2047509402,0.007675183471,0.06952393055,0.3230030239,0.05248295516,0.06109646335,0.1668986231,0.05362728983,0.02680319175,0.08418457955,0.03816964477,0.1093397737,0.1929691136,0.05082605779,0.2388753444,0.1030925661,0.1299869567,0.02210489102,42,0.2099724561,0.2885628343,10,20.16194534,1.131197095,1792.352051,3629.149902,202.7503357,1036.844238,1656.016479,1961.757324,1.009614825,2.41091609,0.06536913663,0.1568482369,0.6207520962,0.1570305526 +Mexico,MEX,Latin America and Caribbean,LCN,1998,enigh,Young worker,19059872,0,1,0,0.7467879057,1,0.4107916951,0.3595552742,0.05123641714,9923527,0.5283806324,0.3765499592,0.2110729814,0.4989754558,0.08321008086,0.9443485141,0.05565148219,0.9443485141,0.05565148219,0.7159023881,0.2743372619,0.009760365821,0.4723319113,0.243570447,0.4309017956,0.4587348104,0.3402285874,0.05652364343,0.2145951837,0.299678117,0.4857266843,0.9042048454,0.7854048014,0.004000419285,0.2258165032,0.003093391424,0.06676780432,0.2823946476,0.02720507048,0.04034352675,0.09004352242,0.04573991522,0.00329934014,0.03790244833,0.02675187588,0.07800353318,0.1635095626,0.2096768618,0.2471475601,0.09337253124,0.1187471077,0.01295299642,42,0.2432899177,0.2544449568,6.458333492,13.02125645,0.7305647731,1150.619629,2343.826172,130.1577454,797.140625,1173.682861,1285.714355,1.009614825,2.41091609,0.03337794542,0.1009217948,0.7453271747,0.1203730702 +Mexico,MEX,Latin America and Caribbean,LCN,2000,enigh,Female,51487934,0.3235294223,0.191495657,0.05677400157,0.7556350827,0.6196966171,0.3973643184,0.3416221142,0.05574220419,13378306,0.4245263636,0.4245263636,0.3573566675,0.4175935388,0.08761155605,0.9836692214,0.01633076742,0.9542248845,0.04577509314,0.6186861396,0.3593037724,0.02201008983,0.3003201783,0.3183659315,0.6007285714,0.6141865849,0.5145839453,0.1520331353,0.08273254335,0.2250368297,0.6922306418,0.9172674417,0.9333232045,0.0008335974999,0.2171455473,0.002570170444,0.004487520549,0.3246901929,0.005294825882,0.05227659643,0.2227232754,0.08724574745,0.01396507584,0.09297013283,0.0406421721,0.1549684405,0.2317534834,0.08084611595,0.1588546634,0.04997967929,0.1728175282,0.003202701453,43,0.3493571579,0.1982261539,13,20.53224754,,2340,3695.804688,,1260,1980,2700,,2.400000095,0.10647057,0.1961103082,0.5480906963,0.1493284255 +Mexico,MEX,Latin America and Caribbean,LCN,2000,enigh,Higher education,47957328,0.2743257582,0.2846549749,0.01244472992,0.8543273211,0.7132294774,0.3973643184,0.3416221142,0.05574220419,21780223,0.6367633343,0.4607323408,0.1535509676,0.6198317409,0.07831208408,0.9734098911,0.02659013122,0.943993032,0.05600696057,0.7612516284,0.1881575435,0.05059080943,0.323307246,0.4379444122,0.6563258767,0.6763970852,0.5752951503,0.1793837547,0.05559588224,0.283588469,0.6608156562,0.9786913395,0.8885935545,0.003925742581,0.2188880593,0.006774795242,0.05399988219,0.2793810368,0.04266173393,0.08416668326,0.2388360351,0.01577013731,0.03937543929,0.1222179979,0.06674540788,0.154216826,0.1640377492,0.05382757634,0.2082144916,0.100177519,0.06786818057,0.02331880853,43,0.195383966,0.2750985324,17,26.84986305,,2880,4832.975098,,1260,2700,3420,1,2.400000095,0,0,0.7255732417,0.2744267881 +Mexico,MEX,Latin America and Caribbean,LCN,2000,enigh,Lower education,50806873,0.393492341,0.09697115421,0.09405020624,0.6471115351,0.5124574304,0.3973643184,0.3416221142,0.05574220419,16028186,0.6258724332,0.3804783821,0.354113996,0.6149699092,0.1611901373,0.9825802445,0.01741974987,0.94879812,0.05120187253,0.5707036257,0.3890066147,0.04028978571,0.4214320183,0.1492715776,0.2751314044,0.3389160335,0.2615571022,0.03519770876,0.3045262694,0.2950991988,0.4003745317,0.8278493285,0.6434108019,0.003788182046,0.1741500199,0.004271578509,0.1128894165,0.2375637144,0.03635499254,0.01818505116,0.04620458186,0.06206618249,0.003892125329,0.00441679405,0.005947242491,0.01833655313,0.1519437581,0.3000738025,0.2860384881,0.08460885286,0.1290943325,0.01564806141,43,0.2469407767,0.317040056,9,14.21463394,,1620,2558.634033,,1080,1980,1800,1,2.400000095,0.1851383895,0.3812442124,0.4336173832,0 +Mexico,MEX,Latin America and Caribbean,LCN,2000,enigh,Old worker,41662849,0,0,0,0.7806581259,1,0.3973643184,0.3416221142,0.05574220419,28703404,0.6914127469,0.4624050558,,0.6826866865,0.1294481903,0.9873793125,0.01262069866,,,0.6490674615,0.2921429276,0.05878961086,0.319223702,0.3298437297,0.5616206527,0.5986058712,0.5081809759,0.1391098201,0.1533048749,0.2714267373,0.5752683878,0.9123255014,,0.004455324262,0.1821094304,0.006273634732,0.07858835161,0.2631213069,0.04294635728,0.05621434376,0.175213486,0.03777289018,0.03108402714,0.08239299804,0.03906157985,0.09609501809,0.1613695472,0.1493717283,0.235965997,0.08684359491,0.09489315748,0.02292236127,43,0.2173560262,0.3039714098,15,23.6910553,,2700,4264.390137,,1260,2520,3240,1,2.400000095,0.1157260463,0.2375692576,0.5042657852,0.1424389184 +Mexico,MEX,Latin America and Caribbean,LCN,2000,enigh,Total,98764201,0.3356281519,0.1881055385,0.05442471057,0.7477301359,0.6099471301,0.6394863476,0.550257777,0.08922857062,37808409,0.627619828,0.4245263636,0.2044978589,0.6133712794,0.1136366427,0.9772974849,0.02270251513,0.945514679,0.05448530614,0.6800355911,0.2737641037,0.0462002717,0.5369282285,0.4630718153,0.5200245976,0.555680871,0.4630717933,0.1179282963,0.1616958231,0.2884946167,0.5498095751,0.9172674417,0.8106805682,0.003867111169,0.1998196542,0.005707865581,0.07909997553,0.2615575194,0.03997365385,0.05604377389,0.1567320228,0.03550259024,0.02425162308,0.0720083788,0.04083181173,0.09630148858,0.1588830054,0.1587834656,0.2413848937,0.09354178607,0.09396419674,0.02004935779,43,0.2173586786,0.2929749787,13,20.53224754,,2340,3695.804688,,1080,2340,2700,1,2.400000095,0.09262380004,0.1907345504,0.5795091987,0.1371324509 +Mexico,MEX,Latin America and Caribbean,LCN,2000,enigh,Urban,73848969,0.3154987991,0.1932802498,0.05080260336,1,0.6336985826,0.3973643184,0.3416221142,0.05574220419,29461276,0.6350709796,0.4427492619,0.1796413213,0.620339036,0.06364842504,0.9768026471,0.02319736592,0.9447578192,0.05524220318,0.7327719331,0.2191736251,0.04805445671,0.3534152508,0.3793566525,0.57789886,0.6152375937,0.517700851,0.1370089352,0.04949956015,0.314243257,0.6362571716,0.9819239974,0.9423379302,0.003534349846,0.2214501947,0.006884356961,0.08237435669,0.2966914773,0.04673212022,0.06968633085,0.1851272285,0.03802003711,0.02881855145,0.08781920373,0.0495230481,0.118877776,0.1756713092,0.04696796089,0.2582157552,0.1073956788,0.1041549221,0.02255578339,43,0.1830397546,0.3061351776,14,22.11165237,,2520,3980.097168,,1260,2520,2880,1,2.400000095,0.06329711527,0.1455108821,0.6191709042,0.1720211059 +Mexico,MEX,Latin America and Caribbean,LCN,2000,enigh,Young worker,18578093,0,1,0,0.7682998776,1,0.3973643184,0.3416221142,0.05574220419,9105005,0.4975468218,0.3380749822,0.2044978589,0.4704378247,0.06158394367,0.945514679,0.05448530614,0.945514679,0.05448530614,0.7819849849,0.2132597119,0.004755302332,0.5162580013,0.2657269537,0.406535387,0.4383883178,0.3398108184,0.04819723964,0.1893194169,0.3446832299,0.4659973383,0.9333232045,0.8106805682,0.001930672792,0.2581229806,0.003845315659,0.08078426868,0.2564094067,0.03018730879,0.05548224598,0.09588976949,0.02802861668,0.001758874161,0.03782148659,0.04665953293,0.0969811976,0.1506971419,0.1897675693,0.2592242658,0.1155927181,0.09090598673,0.01059122849,43,0.2173674405,0.2567740381,10,15.79403687,,1800,2842.926758,,1080,1980,1800,1,2.400000095,0.04219038785,0.08849191666,0.7437695861,0.1255481392 +Mexico,MEX,Latin America and Caribbean,LCN,2002,enigh,Female,52042720,0.301592797,0.1892897785,0.06195097044,0.7581144571,0.6364562511,0.3961540461,0.3392540812,0.05689998716,14910716,0.4544988871,0.4544988871,0.3317357302,0.4444701374,1.004616976,0.9779345393,0.02206547372,0.95061028,0.04938969761,0.6242517829,0.3582264483,0.01752175204,0.3401941955,0.2840576172,0.5893804431,0.5841848254,0.4550369084,0.1370015442,0.0828210488,0.1916606575,0.7255182862,0.9171789289,0.9396574497,0.0008668397204,0.1843308508,0.0006495811394,0.005813380703,0.3546175957,0.007416622713,0.0547875613,0.2049603462,0.1037361622,0.01276959945,0.09209568053,0.03912486508,0.125780791,0.2643446326,0.08212189376,0.1313640326,0.04656503722,0.2022335976,0.003599866992,42,0.3727316856,0.2053334713,15.31342697,21.65006065,1.732250333,2744.540771,3897.010986,310.4616394,1516.962646,2454.545654,2982.063477,,2.091561317,0.09449026734,0.1891703755,0.5713233948,0.1450159699 +Mexico,MEX,Latin America and Caribbean,LCN,2002,enigh,Higher education,51274103,0.2607039511,0.2967585921,0.01434691157,0.8501901031,0.7249491215,0.3961540461,0.3392540812,0.05689998716,23713576,0.643524766,0.4865236282,0.1411728859,0.6190944314,1.004474998,0.9620366693,0.03796336055,0.9310517311,0.06894826144,0.7469440699,0.2101458758,0.04291004688,0.3506803811,0.3962636888,0.6674532294,0.6624367237,0.530513227,0.1710899323,0.05249110982,0.2529678643,0.6945410371,0.9865090251,0.9046928287,0.004130830523,0.1923050731,0.005550877657,0.05098107457,0.3165716529,0.05183460936,0.07635597885,0.2270411253,0.02273767255,0.03232093155,0.118624419,0.04886712134,0.1408976614,0.2040050626,0.05048014224,0.1905992478,0.09674815834,0.09215577692,0.0253014788,42,0.2031222582,0.3002100289,18.63789749,26.35018349,2.10831356,3354.821045,4743.033203,379.4963684,1707.289917,2994.624756,3632.88501,1.00746429,2.091561317,0,0,0.7414981723,0.2585017979 +Mexico,MEX,Latin America and Caribbean,LCN,2002,enigh,Lower education,49918571,0.3832263947,0.08504904807,0.1065883487,0.657512188,0.5101852417,0.3961540461,0.3392540812,0.05689998716,16271674,0.638913691,0.4126836956,0.3534249067,0.6264600754,1.013109922,0.9805081487,0.0194918476,0.9355800748,0.06441991031,0.575671196,0.3917810917,0.03254772723,0.4522370994,0.1234340742,0.2941066027,0.3313894272,0.2144176662,0.0418622084,0.2879996598,0.2809871435,0.4310131967,0.8129763603,0.6716889143,0.002843271475,0.1595525146,0.001853331923,0.1167380363,0.2402273268,0.03562159091,0.01513735112,0.06173909828,0.07828783989,0.002350162249,0.003671493614,0.005237348378,0.01497546397,0.164242819,0.2826191485,0.2710460126,0.07967592031,0.1588946432,0.01728699356,42,0.2822077572,0.3103374243,11,15.55175495,1.244316697,1979.318115,2799.315918,223.8998871,1512.204102,2250,2030.390259,1.00746429,2.091561317,0.1771728396,0.385474205,0.4373529553,0 +Mexico,MEX,Latin America and Caribbean,LCN,2002,enigh,Male,49149954,0.3418470323,0.1955322623,0.05762499943,0.7519938946,0.6005279422,0.3961540461,0.3392540812,0.05689998716,25074534,0.8496876359,,0.04265139997,0.8195828795,1.010085464,0.9645696282,0.03543036804,0.922519207,0.07748081535,0.7079336047,0.2406854331,0.05138096958,0.423994869,0.2839387357,0.5086911917,0.5264598131,0.4010809958,0.1063959226,0.1895597726,0.3084127605,0.5020275116,,0.7881935835,0.005249329843,0.1755072922,0.00606674049,0.1215893775,0.24327299,0.06791900098,0.04897628352,0.1313111931,0.01054802723,0.02432535589,0.05873586982,0.02593980916,0.06688650697,0.1413717121,0.1846450716,0.2794242501,0.1157383397,0.06983629614,0.03309679404,42,0.1530347168,0.3640912175,15.0876255,21.33082199,1.706707716,2710.084473,3839.548096,306.5639648,1552.616577,2710.266113,3161.977295,,2.091561317,0.07261583954,0.1770995557,0.6261186004,0.1241660044 +Mexico,MEX,Latin America and Caribbean,LCN,2002,enigh,Old worker,43177278,0,0,0,0.7826521397,1,0.3961540461,0.3392540812,0.05689998716,30434755,0.7075509429,0.5017354488,,0.6942865849,1.010001779,0.9812532067,0.01874679141,,,0.6476863623,0.3041670322,0.04814660922,0.3485890329,0.2990973294,0.5778776407,0.5863032341,0.4617934823,0.1367132813,0.1467927098,0.2527023852,0.6005048752,0.9109818339,,0.004385920241,0.1662387401,0.004853134975,0.07722459733,0.2741912007,0.04922348261,0.0523131676,0.1765713692,0.04820567742,0.02545035817,0.08412691951,0.03219844401,0.08712340146,0.180010885,0.1430695504,0.2173140496,0.08744042367,0.1191472262,0.02411875501,42,0.2302394062,0.3157129288,16.90044785,23.89378357,1.911773682,3024.355469,4300.880859,342.1141968,1552.616577,2968.977783,3562.772949,1.00746429,2.091561317,0.1113524288,0.2344104797,0.5207301974,0.1335068941 +Mexico,MEX,Latin America and Caribbean,LCN,2002,enigh,Rural,24777871,0.3656901717,0.1814150214,0.074150078,0,0.5601597428,0.3961540461,0.3392540812,0.05689998716,8760745,0.6338282824,0.3861021101,0.2661032975,0.6211175919,1.020414591,0.9799461365,0.02005388774,0.9456682801,0.05433173478,0.5272763371,0.4422588646,0.03046479076,0.4418248534,0.08545149118,0.2456708997,0.2623813152,0.1620620638,0.06351558864,0.5222898722,0.1948323399,0.282877773,0.6434689164,0.5073658228,0.003320886055,0.1150552481,0.002350595547,0.07410561293,0.1377820671,0.0214688126,0.01284848619,0.0719454661,0.03883293644,0.006436841097,0.02826124616,0.007729427889,0.0207316,0.1019648015,0.5153609514,0.172931388,0.05499086529,0.08014959842,0.0114432862,42,0.3509480059,0.2513636947,10.26862812,14.51774406,1.161584139,1829.23938,2613.194092,206.9230194,1543.333496,2204.762207,2147.984375,1.00746429,2.091561317,0.1753119528,0.2881514132,0.4999603033,0.03657632694 +Mexico,MEX,Latin America and Caribbean,LCN,2002,enigh,Total,101192674,0.321144551,0.1923217922,0.05984981731,0.7551416755,0.6190056354,0.6154941838,0.5188071524,0.0966870314,39985250,0.638345999,0.4544988871,0.1878558546,0.6189105788,1.008028626,0.9695534706,0.03044652753,0.9322696924,0.06773031503,0.676458478,0.2848959863,0.03864553943,0.5801908347,0.4198091213,0.5366985202,0.5464962125,0.4198091328,0.1179075837,0.1494122595,0.2644989192,0.5860888362,0.9171789289,0.841801405,0.003600948723,0.1788260937,0.004029190168,0.07804267853,0.2851529121,0.04516230524,0.05116207525,0.1590127647,0.04559877515,0.0199784413,0.07128478587,0.0308996141,0.08904068917,0.187630266,0.1460790634,0.2237286419,0.08971751481,0.1196400151,0.02200097404,42,0.2356690913,0.3043778539,15.15151501,21.42115021,1.713934898,2715.772461,3855.807129,307.2073669,1552.616577,2625,3028.437744,1.00746429,2.091561317,0.08438373357,0.1835933477,0.5966401696,0.1353827715 +Mexico,MEX,Latin America and Caribbean,LCN,2002,enigh,Urban,76414803,0.3067004085,0.1958583742,0.05521288887,1,0.6380866766,0.3961540461,0.3392540812,0.05689998716,31224505,0.6438668966,0.473837316,0.1642937064,0.6223859191,1.004505634,0.9666376114,0.03336241841,0.927719593,0.07228040695,0.7188911438,0.2401363999,0.04097243398,0.3784381747,0.3404529989,0.5974131227,0.6057686806,0.473580718,0.1333785951,0.04335256666,0.2843145728,0.6723328829,0.9810876846,0.9575715065,0.003680608701,0.1969647855,0.004506642465,0.07916252315,0.3270704448,0.05190158263,0.06205982342,0.1837778091,0.04752322286,0.02383594401,0.08354060352,0.03749994561,0.1084994301,0.2120331973,0.04088428617,0.2381988913,0.09960985184,0.130889371,0.02500846982,42,0.2028796524,0.3194569647,16.49431801,23.31959915,1.865832329,2968.977051,4197.527832,335.849823,1565.583374,2722.753906,3150,1.00746429,2.091561317,0.05411032587,0.1487820596,0.6288284659,0.1682791412 +Mexico,MEX,Latin America and Caribbean,LCN,2002,enigh,Young worker,19461557,0,1,0,0.7690278292,1,0.3961540461,0.3392540812,0.05689998716,9550495,0.494767189,0.3419035077,0.1878558546,0.4612564445,1.001410365,0.9322696924,0.06773031503,0.9322696924,0.06773031503,0.7729645967,0.2202579677,0.006777455099,0.5396755338,0.2332890481,0.4209631681,0.4346172214,0.301810801,0.05483029038,0.1581986099,0.3040663004,0.5377351046,0.9396574497,0.841801405,0.0009680313524,0.2210460752,0.001265550265,0.08078665286,0.3219202459,0.03154048324,0.04730112106,0.1001184136,0.03685482591,0.001613579923,0.02818398178,0.02654047497,0.09547550976,0.2132024914,0.1561796218,0.2452572882,0.09735989571,0.1212939098,0.01489326824,42,0.2538810968,0.2663582265,11.50086308,16.25987244,1.30097425,2070.155273,2926.7771,234.175354,1479.651611,2137.145508,2191.533691,1.00746429,2.091561317,0.02569840476,0.07301255316,0.7618242502,0.1394647807 +Mexico,MEX,Latin America and Caribbean,LCN,2004,enigh,Female,53631366,0.3008965552,0.1860913485,0.0610171482,0.7667928338,0.6380862594,0.3778259754,0.318428576,0.05939741433,15606428,0.4588301182,0.4588301182,0.336597234,0.444920063,1.084376216,0.9696836472,0.03031635471,0.9111899137,0.08881007135,0.6701040268,0.3138138056,0.01608215272,0.3780531585,0.2920508683,0.5921829939,0.5484594107,0.4358291626,,0.05531134084,0.187905699,0.756782949,0.9446886778,0.9397924542,0.001075310865,0.1779390126,0.00107048708,0.007820899598,0.370998174,0.0079412302,0.05936472118,0.237829119,0.08064970374,0.01624005847,0.1093391553,0.0401818119,0.1252805442,0.2720579207,0.05183997005,0.1222570464,0.04787960649,0.2095665187,0.005357372109,,,,15.31779194,19.78647995,,2737.571777,3561.566162,,1359.371216,2555.066895,2856.435547,,,0.09042046964,0.1777395457,0.604745388,0.1270945668 +Mexico,MEX,Latin America and Caribbean,LCN,2004,enigh,Higher education,56236808,0.2779673636,0.2741142213,0.01442510728,0.8275432587,0.7076075077,0.3778259754,0.318428576,0.05939741433,26054958,0.6561590433,0.4981806874,0.153896004,0.6276960373,1.079051614,0.9566217661,0.04337823018,0.9077926278,0.09220737964,0.7804421186,0.1876166016,0.03194127604,0.3893201649,0.3911219537,0.6624345779,0.62411201,0.5011543632,,0.05622013658,0.2631002963,0.6806795597,0.9789955616,0.8978229165,0.004836461507,0.196833998,0.004142466001,0.05728736892,0.2984341979,0.05202257633,0.07654381543,0.2339808494,0.01969814114,0.02938077226,0.125507772,0.05412611365,0.1284007728,0.1938041002,0.05313514546,0.1941766739,0.09579622,0.09933154285,0.02634089068,,,,20.79397392,26.86023903,,3730,4834.842773,,1600,3600,3939.910889,0.8188210726,,0,0,0.7747306228,0.2252693772 +Mexico,MEX,Latin America and Caribbean,LCN,2004,enigh,Lower education,47004485,0.3612236381,0.08021785319,0.116156511,0.68443048,0.5226198435,0.3778259754,0.318428576,0.05939741433,15291389,0.626152277,0.4007859528,0.3708222508,0.6069720984,1.140259504,0.969368279,0.03063174896,0.9089964628,0.09100354463,0.6272267103,0.3454081714,0.02736513317,0.4931873083,0.1340393871,0.3790339231,0.3029813766,0.2137016505,,0.23979339,0.2920832932,0.4681233168,0.8828226924,0.7042034864,0.00181943248,0.1760203391,0.001277907402,0.1129655987,0.2693778276,0.03859435767,0.02952269837,0.06890822202,0.06172022969,0.004782754462,0.004850647412,0.005886794068,0.01715881005,0.1804895848,0.2385918051,0.2783337831,0.08903962374,0.1631007195,0.01776546054,,,,13.2239933,17.08185196,,2380.318848,3074.733398,,1552.616455,2777.03833,2380.318848,0.8188210726,,0.1698609442,0.3859381974,0.4442008734,0 +Mexico,MEX,Latin America and Caribbean,LCN,2004,enigh,Male,49609927,0.3320632577,0.1855591089,0.06044487655,0.7576214075,0.6074918509,0.3778259754,0.318428576,0.05939741433,25739919,0.854693234,,0.04509883374,0.8173214197,1.112637877,0.9562745094,0.04372546822,0.9063034654,0.09369652718,0.7560120821,0.2050520033,0.03893590346,0.458796829,0.2972152531,0.559128046,0.5048949718,0.3931356072,,0.1673332602,0.3267935812,0.5058731437,,0.800681293,0.005332310218,0.1959182024,0.004306351766,0.1212367192,0.2363143265,0.07104216516,0.05878982693,0.13220191,0.007524941117,0.02264458127,0.06275640428,0.03363983706,0.0632943362,0.1376365572,0.1656744033,0.2891316414,0.1212056205,0.06993267685,0.03408396244,,,,18.60604286,24.03401566,,3348.924316,4326.123047,,1586.878906,3480,3823.457764,,,0.06137695536,0.1717552692,0.6483458877,0.1185219139 +Mexico,MEX,Latin America and Caribbean,LCN,2004,enigh,Old worker,45173159,0,0,0,0.7860699296,1,0.3778259754,0.318428576,0.05939741433,31889599,0.7076935172,0.5039262772,,0.6915075183,1.114334345,0.9771285057,0.02287147008,,,0.6971952319,0.2655092776,0.03729551286,0.3848724365,0.3123227954,0.604328692,0.5567740798,0.4479703605,,0.1180980802,0.2649250925,0.6169768572,0.9459674358,,0.00419765478,0.1777766049,0.003545388347,0.07940543443,0.2768673897,0.0531498827,0.05949900299,0.1902390271,0.03722153604,0.02458160184,0.09188099951,0.03668471798,0.08729353547,0.1856082529,0.1151656955,0.2197086662,0.09287279844,0.1203068793,0.02589684166,,,,19.7502079,25.51197052,,3545.919922,4592.154785,,1725.599487,3570.477783,3939.910889,0.8188210726,,0.09708993882,0.2206165045,0.5539503098,0.1283432394 +Mexico,MEX,Latin America and Caribbean,LCN,2004,enigh,Rural,24531601,0.3584613502,0.1732783318,0.07432368398,0,0.5672149658,0.3778259754,0.318428576,0.05939741433,8449932,0.6075383425,0.3624502122,0.2762029171,0.5883090496,1.227945089,0.9683488607,0.03165114298,0.9330783486,0.06692164391,0.5808752179,0.3911073804,0.0280174166,0.4776411355,0.1032340825,0.3672323823,0.2816445827,0.1777216047,,0.4373944998,0.2102680653,0.35233742,0.7797806263,0.5274113417,0.003666231874,0.131324783,0.001281237695,0.07399581373,0.1898255944,0.02273237333,0.02251394466,0.0856147185,0.03165080026,0.008377096616,0.02884107456,0.01709684916,0.02308648266,0.1394941509,0.4312312901,0.1915925443,0.06270495802,0.08612626791,0.01144926157,,,,12.67394352,16.37133598,,2281.309814,2946.840576,,1455.339111,2851.637207,2718.742432,0.8188210726,,0.1303237677,0.2851504385,0.5293828249,0.05514298007 +Mexico,MEX,Latin America and Caribbean,LCN,2004,enigh,Total,103241293,0.3158729076,0.1858355999,0.06074215844,0.7623857856,0.6233849227,0.6041452918,0.5067060433,0.09743924857,41346347,0.6424323707,0.4588301182,0.1959686577,0.6175932996,1.101877689,0.9613358974,0.03866411746,0.9080806375,0.09191933274,0.7233039737,0.2464612871,0.03023470938,0.5918050622,0.4081948966,0.5707876682,0.5202614665,0.4081948996,,0.1246781573,0.2739086151,0.60141325,0.9446886778,0.8514488935,0.003711353056,0.1890721768,0.003074216656,0.07805085927,0.2875985205,0.04701493308,0.05900873244,0.1724220663,0.03536899015,0.02020510845,0.08049970865,0.03613166511,0.08690479398,0.1888374537,0.1223150268,0.2255693376,0.09327584505,0.1231190115,0.02314204536,,,,17.51071548,22.61914825,,3151.928711,4071.446777,,1552.616455,3193.83374,3400,0.8188210726,,0.07701157033,0.1749767065,0.6248750091,0.1231367216 +Mexico,MEX,Latin America and Caribbean,LCN,2004,enigh,Urban,78709692,0.3025992811,0.1897493452,0.05650917813,1,0.640891552,0.3778259754,0.318428576,0.05939741433,32896415,0.6550328135,0.4857771397,0.1729712784,0.6285265684,1.069197893,0.9595345259,0.04046550393,0.9006137848,0.09938623756,0.760224998,0.2089654952,0.03080948628,0.4152010679,0.3450239599,0.6111029387,0.5675240755,0.4538445175,,0.04362007231,0.2904046476,0.6659752727,0.9792966247,0.951729238,0.003723048838,0.2040406764,0.003538968507,0.07910195738,0.312941879,0.05330912769,0.06846841425,0.194923088,0.03633277118,0.02327123657,0.09389097244,0.0410659872,0.1034481674,0.201628536,0.04223586991,0.2343770117,0.1012006178,0.1327084899,0.02617312036,,,,18.26211166,23.58974838,,3269.800293,4246.154785,,1772.959961,3200,3500,0.8188210726,,0.05952835456,0.1388462931,0.656190753,0.145434618 +Mexico,MEX,Latin America and Caribbean,LCN,2004,enigh,Young worker,19185907,0,1,0,0.7784417868,1,0.3778259754,0.318428576,0.05939741433,9456748,0.4959438741,0.3485031426,0.1959686577,0.4503570497,1.056677938,0.9080806375,0.09191933274,0.9080806375,0.09191933274,0.8180413842,0.1773444861,0.004614153877,0.5847455859,0.2332957536,0.4670626819,0.4073451757,0.2851882279,,0.1485510916,0.3065014482,0.544947505,0.9397924542,0.8514488935,0.001947018318,0.230053246,0.001364775933,0.07313638926,0.326531738,0.02475694381,0.057229992,0.1077809706,0.0286478363,0.004324745387,0.03920201585,0.03412488103,0.08549421281,0.2005548179,0.1482567936,0.2468351275,0.09473831952,0.1333229989,0.01314610709,,,,13.13303661,16.96436119,,2363.946533,3053.584961,,1200,2400,2400,0.8188210726,,0.02900821529,0.06586109102,0.7944417,0.1106889844 +Mexico,MEX,Latin America and Caribbean,LCN,2005,enigh,Female,53758300,0.2925329804,0.1869709641,0.06585295498,0.7669861913,0.6416140795,0.378631711,0.3171311021,0.06150061637,16165677,0.4714154601,0.4714154601,0.3215892017,0.4595716298,0.02610591613,0.9748760462,0.02512397058,0.9351369143,0.0648630932,0.6497785449,0.3293904364,0.0208310131,0.3765538335,0.2732246816,0.5812039971,0.5424318314,0.4204889536,,0.06769551337,0.1785930693,0.7537114024,0.9323045015,0.9155284166,0.00156451494,0.1689427495,0.001633101027,0.006452694535,0.3654384017,0.01028042566,0.05637338758,0.2288390249,0.09278018773,0.02209230512,0.09580274671,0.04162161797,0.1362928748,0.244124189,0.06541589648,0.1387428939,0.04546829313,0.2073912024,0.002936920617,,,,16.5594902,20.57007217,,2980.708496,3702.612793,,1832.79248,2800,3000,,,0.08409709483,0.1730038822,0.5997157693,0.1431832612 +Mexico,MEX,Latin America and Caribbean,LCN,2005,enigh,Higher education,55499809,0.2388955206,0.2873230577,0.01820139587,0.8317415714,0.7429030538,0.378631711,0.3171311021,0.06150061637,27066927,0.6579999328,0.5057389736,0.1494822055,0.6286608577,0.02574645914,0.9554117918,0.04458821565,0.9073917866,0.09260822833,0.7663350105,0.1963685602,0.037296433,0.393419981,0.3729149997,0.6580559611,0.6188242435,0.4866214097,,0.05512315407,0.2506685555,0.694208324,0.9765549898,0.9017345905,0.005283143837,0.1822551787,0.005434860475,0.05769535899,0.3076876998,0.05230889842,0.07656513155,0.2354989499,0.02214762382,0.03831208125,0.1183825284,0.05467701331,0.1397420019,0.1852562577,0.0511014536,0.1904281974,0.0951892212,0.1017751098,0.02495967411,,,,22.079319,27.42676163,,3974.277588,4936.816895,,1832.79248,3665.584961,4000,0.8542015553,,0,0,0.7504911423,0.2495088428 +Mexico,MEX,Latin America and Caribbean,LCN,2005,enigh,Lower education,48679058,0.3878665566,0.07655772567,0.1141089424,0.6909140348,0.4980244935,0.378631711,0.3171311021,0.06150061637,15340131,0.6361734867,0.4190869033,0.3425207734,0.6184731722,0.03922720999,0.9721769094,0.02782309987,0.9205268621,0.0794731155,0.6079072356,0.3612580299,0.03083471395,0.4849831164,0.1229241267,0.3609521687,0.2943869233,0.2022086829,,0.2570192516,0.2819867134,0.460994035,0.8530339599,0.6859384179,0.003001857782,0.1626807451,0.002611097647,0.1136930212,0.2709404528,0.03410393745,0.02866786718,0.05832507461,0.0689567104,0.00322644366,0.002987321233,0.007223646622,0.01387038082,0.1619911939,0.2504380941,0.2820261419,0.08623193949,0.1728780717,0.0189834442,,,,13.34925556,16.58234215,,2402.865967,2984.821777,,1788.424927,2912,2402.865967,0.8542015553,,0.1628745496,0.3801032007,0.4570222497,0 +Mexico,MEX,Latin America and Caribbean,LCN,2005,enigh,Male,50420567,0.3255330026,0.1908326745,0.05999034271,0.7648201585,0.6144766212,0.378631711,0.3171311021,0.06150061637,26241381,0.8476858139,,0.04484843463,0.8080324531,0.03355724737,0.9532216191,0.04677840695,0.8963738084,0.1036261618,0.7453143001,0.2108680159,0.04381768405,0.4586363733,0.2866779268,0.5557913184,0.5030152798,0.3846403062,,0.1675516665,0.3148014247,0.5176469088,,0.8103969097,0.006268760189,0.1789830625,0.006149519235,0.1234000698,0.2493539155,0.06796631217,0.06074783579,0.1340790242,0.005499829538,0.0276138708,0.06380880624,0.03461067006,0.06686650962,0.1342885941,0.1609324366,0.2776120603,0.121180743,0.07761407644,0.03527430445,,,,19.87138748,24.68408585,,3576.849854,4443.135254,,1792.814697,3585.629395,3984.032715,,,0.05671513453,0.1590339541,0.6474391818,0.1368117481 +Mexico,MEX,Latin America and Caribbean,LCN,2005,enigh,Old worker,45801209,0,0,0,0.786511898,1,0.378631711,0.3171311021,0.06150061637,32815787,0.7184253335,0.5205323696,,0.701448679,0.03436205909,0.976369679,0.02363033406,,,0.6813549399,0.275442034,0.04320303723,0.3837903738,0.2975645363,0.5979747772,0.5585511923,0.4367247224,,0.1231255382,0.2517834604,0.6250910163,0.9367100596,,0.004952979274,0.165520817,0.005089449696,0.07622020692,0.2859384716,0.05051307008,0.05990406871,0.1898597479,0.03887565434,0.03080259822,0.08707359433,0.03768749163,0.09417326003,0.1733507365,0.1183033064,0.2179688215,0.09117139876,0.1240863204,0.02518353797,,,,20.6691227,25.67502403,,3684.670898,4621.504395,,1924.432251,3665.584961,4000,0.8542015553,,0.0940303877,0.2127391845,0.5595097542,0.1337206364 +Mexico,MEX,Latin America and Caribbean,LCN,2005,enigh,Rural,24384325,0.3504109979,0.1799035668,0.06868954003,0,0.580899477,0.378631711,0.3171311021,0.06150061637,8773894,0.620380342,0.3951239884,0.2572652698,0.6006819606,0.04800087214,0.9682478309,0.03175215051,0.9310546517,0.06894536316,0.5742114782,0.3886946142,0.03709390387,0.468396306,0.1058151647,0.379884094,0.2881727815,0.1842790842,,0.4262245297,0.2221853286,0.3515901268,0.7584449053,0.5755823851,0.004920409992,0.140387401,0.00243594218,0.07444158196,0.1869205832,0.02148274519,0.0207562726,0.08539884537,0.03703169152,0.008283141069,0.02780525014,0.01641616598,0.02679411136,0.1231154203,0.4160477221,0.2031711489,0.06279278547,0.1021102741,0.01345986966,,,,13.75977612,17.09228897,,2415.181152,3076.612061,,1649.513306,2993.79541,2978.288086,0.8542015553,,0.125889942,0.2540447712,0.5565651059,0.06350016594 +Mexico,MEX,Latin America and Caribbean,LCN,2005,enigh,Total,104178867,0.3085043728,0.1888399571,0.06301556528,0.7659378648,0.6284800619,0.5911403728,0.4908737628,0.10026661,42407058,0.6476897284,0.4714154601,0.1856872588,0.6227383405,0.03067719564,0.961476326,0.03852368146,0.9105198979,0.08948010951,0.7083882689,0.2566787302,0.0349329859,0.6026500442,0.3973499558,0.5648010373,0.5169898868,0.3973499537,,0.1289281696,0.2621172071,0.608954668,0.9323045015,0.8498241901,0.004449198488,0.1750995666,0.004402607679,0.07816582918,0.2942543924,0.04565390572,0.05905583501,0.1707313806,0.03925912455,0.02547943592,0.07617649436,0.03732084483,0.09370419383,0.1767470092,0.1240092441,0.2239303291,0.09191308171,0.1277811676,0.0227738563,,,,18.15083694,22.54683113,,3224.086914,4058.429443,,1800,3278.779053,3600,0.8542015553,,0.07134436816,0.1664976031,0.6219422221,0.140215829 +Mexico,MEX,Latin America and Caribbean,LCN,2005,enigh,Urban,79794542,0.2956981659,0.1915708184,0.06128165871,1,0.6430202127,0.378631711,0.3171311021,0.06150061637,33633164,0.6581122875,0.4924342632,0.165018484,0.6315968037,0.02611775696,0.9597098231,0.04029017314,0.9043450356,0.0956549421,0.7437024117,0.2219333202,0.03436425328,0.4159914553,0.3277109563,0.6023778915,0.563487649,0.4406479597,,0.05049657077,0.272651881,0.6768515706,0.9715307951,0.9348080754,0.004324885085,0.1842571944,0.004921445623,0.0791483447,0.3225708008,0.05203064904,0.06915988028,0.1932434738,0.03984675556,0.03000570275,0.08890837431,0.04282320291,0.1113157198,0.1908634752,0.04714128003,0.2293943912,0.0995778814,0.1345380396,0.02522540651,,,,19.87138748,24.68408585,,3576.849854,4443.135254,,2002.388306,3400,3770.925293,0.8542015553,,0.05384680256,0.1384135187,0.6429143548,0.1648252904 +Mexico,MEX,Latin America and Caribbean,LCN,2005,enigh,Young worker,19673133,0,1,0,0.7770143151,1,0.378631711,0.3171311021,0.06150061637,9591271,0.4900782704,0.3514254987,0.1856872588,0.4462260306,0.01715793647,0.9105198979,0.08948010951,0.9105198979,0.08948010951,0.807569921,0.187838763,0.004591297824,0.5851110816,0.2224588841,0.4621131718,0.3883386552,0.2754670084,,0.1501757801,0.2999565005,0.5498677492,0.9155284166,0.8498241901,0.002604493173,0.2101742625,0.001887581311,0.08529016376,0.3247050345,0.02786099352,0.05594984069,0.1006885767,0.04066328704,0.005942900199,0.03618305176,0.03597522154,0.09198268503,0.1892116666,0.1449505836,0.2458096296,0.09463510662,0.1413415968,0.01393008698,,,,13.88888836,17.25267029,,2492.009277,3105.480713,,1510.225464,2800,2500,0.8542015553,,0.02067692392,0.06322064996,0.761380136,0.1547223181 +Mexico,MEX,Latin America and Caribbean,LCN,2006,enigh,Female,55320936,0.2897816002,0.1848776042,0.06893898547,0.7593565583,0.6412793994,0.3822825849,0.3197766244,0.06250598282,18214152,0.5162607431,0.5162607431,0.2965358198,0.5013753176,0.013484383,0.9711669087,0.0288330745,0.9226769209,0.07732304931,0.6271135211,0.3535681665,0.01931829564,0.3506220877,0.2764914334,0.5743195415,0.5478799939,0.4408953488,,0.07400941104,0.1819958836,0.7439947128,0.9259905815,0.9270963073,0.001605192316,0.170641169,0.003017080482,0.006732441951,0.3647765517,0.009648968466,0.05913043395,0.21518749,0.09525124729,0.02033785731,0.09055077285,0.04172591865,0.1240323484,0.2518980503,0.07246787846,0.1461081207,0.04397494346,0.2044123262,0.004357119091,,,,16.75171852,20.08005905,,3015.309326,3614.410645,,1525.9104,2957.089355,3168.018555,,,0.07495725155,0.1611093879,0.6134850979,0.1504482627 +Mexico,MEX,Latin America and Caribbean,LCN,2006,enigh,Higher education,58403881,0.2406243384,0.2876362205,0.0188868437,0.8261120915,0.7404888272,0.3822825849,0.3197766244,0.06250598282,29300646,0.6788580418,0.5443866253,0.1431355923,0.6516291499,0.0103961546,0.9598901272,0.0401098989,0.9070849419,0.09291504323,0.7581611872,0.205454424,0.03638440743,0.3790972531,0.3790639043,0.6375854015,0.614769578,0.4999780059,,0.0611339584,0.2584955692,0.68037045,0.9740740061,0.9025321007,0.004418916535,0.1830899566,0.007250453345,0.06373624504,0.3013676703,0.05037808046,0.0781230405,0.2242916077,0.02621008083,0.0371889472,0.1157581732,0.05246282741,0.1336673945,0.1758049726,0.05621391907,0.198613137,0.1016386598,0.1051404104,0.02326953597,,,,22.22222328,26.63747787,,4000,4794.746094,,2311.910645,3937.90332,4200,0.8070095181,,0,0,0.7519215345,0.2480784804 +Mexico,MEX,Latin America and Caribbean,LCN,2006,enigh,Lower education,48476750,0.3940585256,0.06855703145,0.1221208125,0.6803610325,0.483820647,0.3822825849,0.3197766244,0.06250598282,15535759,0.6659958959,0.4695756435,0.3073154092,0.6508324146,0.01388937328,0.9772318602,0.02276811749,0.9434951544,0.05650484934,0.5799934864,0.3819398582,0.0380666256,0.4602780342,0.1197154745,0.3217453957,0.3012403548,0.206408307,,0.241758123,0.3014793694,0.4567624927,0.8358147144,0.7179801464,0.001847044216,0.1604958177,0.002340094419,0.1367964149,0.2713716328,0.03367357701,0.02383629046,0.05264800414,0.07523299754,0.003320071381,0.003312693676,0.008100454696,0.0130802989,0.1706896275,0.2378965914,0.3090468645,0.07546170056,0.1622478813,0.016822543,,,,15.18123055,18.19753647,,2732.621338,3275.556396,,1912.834839,3168.018555,2600,0.8070095181,,0.1518179327,0.3750123382,0.473169744,0 +Mexico,MEX,Latin America and Caribbean,LCN,2006,enigh,Male,51559695,0.3321408629,0.1919113547,0.06224466488,0.7607013583,0.6056144834,0.3822825849,0.3197766244,0.06250598282,26622253,0.8530624509,,0.04047591239,0.8208975792,0.01033395529,0.9622948766,0.0377051495,0.9097108841,0.0902890861,0.7430607677,0.2077741474,0.04916509986,0.4468681812,0.2961925864,0.528355062,0.5087198019,0.3986115158,,0.1593063921,0.3367871344,0.5039064884,,0.8233209252,0.004837025888,0.1782921255,0.007262567058,0.1463954151,0.2398119569,0.06859533489,0.05905774236,0.1288385838,0.007602876052,0.02875387482,0.06652832776,0.03358738497,0.06885998696,0.1202308536,0.1526564509,0.3003116846,0.1259432137,0.07043469697,0.03250815719,,,,21.66666794,25.97154236,,3876.863281,4674.877441,,2010.206177,3797.283203,4337.064453,,,0.04908201844,0.1495083123,0.6627522707,0.1386574358 +Mexico,MEX,Latin America and Caribbean,LCN,2006,enigh,Old worker,46578981,0,0,0,0.784389317,1,0.3822825849,0.3197766244,0.06250598282,34508369,0.7426332235,0.5683004856,,0.7287034988,0.01364527922,0.9812427759,0.01875724643,,,0.6668044925,0.2873487175,0.04584678635,0.3600907028,0.3067137897,0.5856751204,0.5668975711,0.4599755704,,0.1209911406,0.2634768188,0.6155320406,0.9257062674,,0.003923512995,0.1654539555,0.006367104128,0.08773224056,0.2768936157,0.04864089563,0.06150712818,0.1828215718,0.04566882178,0.03130072355,0.08814083785,0.03708771989,0.09112119675,0.1681809574,0.1163701862,0.2292665094,0.09417393804,0.1216318458,0.02257205918,,,,22.00013161,26.3712616,,3960.023682,4746.827148,,2070.155273,3942.785889,4300,0.8070095181,,0.08388401568,0.2012311816,0.5765926242,0.1382921785 +Mexico,MEX,Latin America and Caribbean,LCN,2006,enigh,Rural,25650787,0.3375147581,0.1854569167,0.08550326526,0,0.5769819617,0.3822825849,0.3197766244,0.06250598282,9554379,0.6463945508,0.442555964,0.2302641422,0.6258258224,0.01528914832,0.9681792855,0.03182069585,0.9120160341,0.08798398077,0.5838273764,0.3805751503,0.03559745476,0.4773043096,0.1065230817,0.3087638915,0.2745723724,0.1824564636,,0.4089079499,0.2429406196,0.3481514454,0.7150440812,0.6032449603,0.003149225842,0.1284238845,0.004407683853,0.1069598272,0.1711965352,0.01793769933,0.01332447119,0.09212432057,0.05356841162,0.01062619593,0.02937321179,0.01307870261,0.02899664268,0.1220529675,0.4007529318,0.2259776741,0.0567435734,0.09828092903,0.01395098399,,,,15.18123055,18.19753647,,2732.621338,3275.556396,,1904.508545,3322.909424,3188.05835,0.8070095181,,0.1065100282,0.2449810654,0.5768321157,0.07167679071 +Mexico,MEX,Latin America and Caribbean,LCN,2006,enigh,Total,106880631,0.3102159202,0.1882707179,0.06570961326,0.7600052953,0.6240744889,0.602372858,0.4970815596,0.1052912985,44836405,0.6721951035,0.5162607431,0.1700099558,0.649272572,0.01162075158,0.9658989906,0.03410099447,0.9146319628,0.08536802232,0.6957019567,0.2673239112,0.03697413206,0.5858202945,0.4141797055,0.5452783704,0.5231379271,0.4141796827,,0.1244696826,0.2735677958,0.6019625068,0.9259905815,0.8630626202,0.003517091507,0.1751673371,0.005528640002,0.08935473859,0.2908495665,0.04452066123,0.05908743292,0.1641049087,0.04339992628,0.02531625889,0.0763405636,0.03691165894,0.09139575064,0.1740117967,0.1199025363,0.2373255342,0.09246236086,0.125159353,0.02100955136,,,,19.80011749,23.73413658,,3564.02124,4272.144531,,2000,3564.02124,3942.785889,0.8070095181,,0.06306392699,0.155777052,0.6361303329,0.1450287104 +Mexico,MEX,Latin America and Caribbean,LCN,2006,enigh,Urban,81229844,0.3015954792,0.1891592592,0.05945916846,1,0.6389453411,0.3822825849,0.3197766244,0.06250598282,35282026,0.6823354363,0.5377961397,0.1512922496,0.6586457491,0.01062436681,0.9652814865,0.03471849859,0.9154857993,0.08451419324,0.7260885239,0.2365633845,0.03734805807,0.3886118531,0.3374767005,0.5969323516,0.5774237514,0.4647872448,,0.04720043018,0.2818878591,0.6709117293,0.9763249159,0.9475593567,0.003617024282,0.1878654659,0.005833154079,0.08457221091,0.3233540058,0.05174207315,0.07151919603,0.1836588383,0.04063760117,0.02930582315,0.08909608424,0.04338427261,0.1083422676,0.1881228983,0.04362845421,0.2404074073,0.1021629646,0.1324590743,0.02292653546,,,,21.11111069,25.30560493,,3800,4555.008789,,2365.671387,3600,3960.023682,0.8070095181,,0.04851296172,0.1259008497,0.6559904814,0.1695957333 +Mexico,MEX,Latin America and Caribbean,LCN,2006,enigh,Young worker,20122493,0,1,0,0.763592124,1,0.3822825849,0.3197766244,0.06250598282,10328036,0.5158550739,0.3870235384,0.1700099558,0.4718175232,0.00436369516,0.9146319628,0.08536802232,0.9146319628,0.08536802232,0.7992868423,0.1955436319,0.005169508979,0.5777000189,0.2215868086,0.424475044,0.392277956,0.2772306502,,0.1369373798,0.3097356558,0.5533269644,0.9270963073,0.8630626202,0.002060408471,0.2099817693,0.002523441799,0.09517002851,0.3408700526,0.02975304238,0.05041483417,0.09702121466,0.0352678299,0.003865195904,0.03404298425,0.03628056496,0.09237989783,0.1949121803,0.1325640827,0.2662127018,0.08632729203,0.1378035694,0.01540880557,,,,15.18123055,18.19753647,,2720.726318,3275.556396,,1725.129395,2814.288818,2640,0.8070095181,,0.01729542017,0.0558558479,0.7670111656,0.1598375589 +Mexico,MEX,Latin America and Caribbean,LCN,2008,enigh,Female,54149682,0.2835710943,0.1848910749,0.07056578994,0.7817592025,0.6458631158,0.3664180636,0.29986462,0.06655342877,16848776,0.4831680357,0.4831680357,0.3113971651,0.4676767588,0.06757096201,0.9679381251,0.03206185251,0.9224818349,0.07751819491,0.7027741075,0.2257391214,0.06903547049,0.3988367915,0.3039373159,0.5040616989,0.3541834652,0.4324822426,0.1437659711,0.05662864447,0.1730127335,0.7703586221,0.9433713555,0.9387702346,0.0009459062712,0.1618911624,0.001692015445,0.00848364085,0.3591680527,0.008998535573,0.06483762711,0.2306247056,0.1067297012,0.1513807476,0.02040282823,0,0.05446779355,0.1823787987,0.1295843571,0.2236912996,0.2378731668,0.0002209880622,0,43,0.3560279608,0.1802059561,20.83333397,22.84880829,,3724.618408,4112.785645,,2262.993652,3221,4000,,2.01154995,0,0,0.8533166647,0.1466833502 +Mexico,MEX,Latin America and Caribbean,LCN,2008,enigh,Higher education,89504557,0.1768467128,0.2210554779,0.07810375839,0.7896260619,0.7450495362,0.3664180636,0.29986462,0.06655342877,43759414,0.6575072408,0.4835507274,0.178283453,0.627740562,0.08139567822,0.9547279477,0.04527206346,0.9019626379,0.09803738445,0.7431019545,0.1659015566,0.08884008974,0.43984285,0.3032591045,0.4646521807,0.3604469597,0.4080989361,0.1220785975,0.1166427583,0.2651662529,0.6181910038,0.9438794851,0.8771172762,0.004071292933,0.1666589379,0.005437931046,0.0889980942,0.2932783663,0.0417590104,0.06341636181,0.1748737842,0.0448634699,0.1230276749,0.02342276275,0,0.1124476343,0.321972549,0.0948459506,0.1636305749,0.1602552533,0.0003925304627,0,43,0.2282189876,0.2608967125,21.72694016,23.82886696,,3903.956787,4289.195801,,2570.179443,3774.280029,4261.719238,0.9195418954,2.01154995,0,0,0.8150799274,0.1849200577 +Mexico,MEX,Latin America and Caribbean,LCN,2008,enigh,Lower education,15550792,0.9890802503,0.005849155597,0.000287638075,0.7337540388,0.01063212752,0.3664180636,0.29986462,0.06655342877,71535,0.4353528321,0.3598910272,0,0.4115509987,0.1180645898,0.9453274608,0.05467253923,,,0.5570803285,0.2576600015,0.18525967,0.461093694,0.09598663449,0.2898439169,0.105199337,0.1723030359,0.04068082199,0.2921448052,0.1912634522,0.5165917277,0.7306761146,0.7318469286,0,0.1028628871,0,0.08840056509,0.2673163414,0,0.03939429671,0.110877797,0.09900331497,0.009212705307,0,0,0.2921448052,0.2266207337,0.02438483387,0.134981662,0.3126552701,0,0,43,0.4080799818,0.1749083102,14.375,15.76567841,,2587.5,2837.822021,,2602.637695,2587.5,2250,0.9195418954,2.01154995,0,0,1,0 +Mexico,MEX,Latin America and Caribbean,LCN,2008,enigh,Male,50905667,0.3114443719,0.1937827021,0.06235062331,0.7809263468,0.6262049675,0.3664180636,0.29986462,0.06655342877,26982173,0.8472608328,,0.0420185551,0.8018934131,0.09032145888,0.9464539886,0.05354598537,0.8906543255,0.1093456671,0.7683633566,0.1279313415,0.1017429531,0.4660862386,0.3022771478,0.4412160814,0.3637710214,0.3934038877,0.1079531163,0.1554790735,0.3238895535,0.5206313729,,0.8397721052,0.006058742758,0.1695380062,0.007818496786,0.1404743195,0.2510821819,0.06259399652,0.06244392693,0.139059037,0.005452240817,0.1046190709,0.02528936602,0,0.1499513239,0.4108691514,0.07247427851,0.1251979619,0.1110894829,0.0005010435707,0,43,0.1470722854,0.3122007549,22.22222137,24.37206268,,3995.362061,4386.971191,,2587.694092,3995.362061,4439.291016,,2.01154995,0,0,0.8228473067,0.1771526933 +Mexico,MEX,Latin America and Caribbean,LCN,2008,enigh,Old worker,46974235,0,0,0,0.8057626486,1,0.3664180636,0.29986462,0.06655342877,33762631,0.7196995616,0.5292300582,,0.6983683109,0.0898245424,0.9703609347,0.02963907085,,,0.7163844705,0.1719002724,0.1093949601,0.3913327754,0.3250516951,0.5063503981,0.3831464052,0.4537391663,0.141382426,0.1151515096,0.2579253316,0.6269231439,0.9445741773,,0.004327214789,0.1615038216,0.006166516338,0.08592776954,0.2784474492,0.04552590847,0.06118613109,0.1942527145,0.04751095176,0.1348781288,0.02798064053,0,0.1105149537,0.3156194985,0.09391840547,0.1584524363,0.1581798643,0.0004496070906,0,43,0.2186260223,0.270247817,24.07834244,26.40774727,,4315.977539,4753.394531,,2570.179443,4077.160156,4663.870117,0.9195418954,2.01154995,0,0,0.8992558718,0.1007441059 +Mexico,MEX,Latin America and Caribbean,LCN,2008,enigh,Rural,22969761,0.3505513668,0.1792629063,0.07296127081,0,0.5764873624,0.3664180636,0.29986462,0.06655342877,8221076,0.6210238934,0.3822497427,0.2501119673,0.5990031958,0.1570600271,0.9645412564,0.03545873985,0.9293761253,0.07062385976,0.5792873502,0.2734564245,0.145411849,0.4877196848,0.09156767279,0.2022760659,0.1190408021,0.1580695212,0.06150569394,0.4544572234,0.2343378812,0.3112049103,0.7348875403,0.589392662,0.005090897903,0.1303152591,0.006279783789,0.09265194833,0.1729145348,0.02124033682,0.01241649222,0.06756649911,0.03706703708,0.03832050413,0.005358804483,0,0.445771873,0.2830807865,0.01969464496,0.109760344,0.09741503,0.0005980149726,0,43,0.3193160594,0.210725382,16.77774239,18.40086746,,3018.976563,3312.156006,,2552.783691,3426.906006,3220.241699,0.9195418954,2.01154995,0,0,0.9151536226,0.08484636992 +Mexico,MEX,Latin America and Caribbean,LCN,2008,enigh,Total,105055349,0.2970773876,0.1891996115,0.06658504158,0.7813556194,0.6363375634,0.5714929466,0.4668550226,0.104637924,43830949,0.6556546465,0.4831680357,0.1774738878,0.6259617324,0.08145494014,0.9547125697,0.04528740793,0.9022381902,0.09776180983,0.7428013682,0.1660498381,0.08899590373,0.5921868703,0.4078131698,0.4644388855,0.3600344658,0.4078131616,0.1219446808,0.1169267818,0.2650466561,0.6180265546,0.9433713555,0.8766636252,0.004064704292,0.1665556878,0.005429130513,0.08899712563,0.2932363451,0.04169142991,0.06337748468,0.1747702211,0.04495108873,0.1228437424,0.02338491008,0,0.1127380356,0.3218184412,0.09473208338,0.163584277,0.1605015397,0.0003918961156,0,43,0.2285096496,0.2607577443,21.72694016,23.82886696,,3900,4289.195801,,2570.179443,3774.280029,4260.757324,0.9195418954,2.01154995,0,0,0.8369625211,0.1630375087 +Mexico,MEX,Latin America and Caribbean,LCN,2008,enigh,Urban,82085588,0.2821139097,0.1919801682,0.06480080634,1,0.6530852914,0.3664180636,0.29986462,0.06655342877,35609873,0.6658554673,0.5083110929,0.1584249735,0.6341897249,0.06377866119,0.9524434805,0.04755650088,0.8946009874,0.1053989902,0.7810305357,0.1409384608,0.07580599934,0.4286917448,0.3523387611,0.5099127293,0.4163782001,0.4511203766,0.1362245977,0.03791669011,0.2722350359,0.6898482442,0.9830029607,0.9608728886,0.00382448989,0.1750389487,0.005230007228,0.08814159036,0.3214016259,0.04647867754,0.07530657947,0.1998647749,0.04679661244,0.1426054537,0.02759945393,0,0.03487398848,0.3308753967,0.1122760028,0.1761684269,0.1752513051,0.0003437050618,0,43,0.2072789222,0.2724554241,22.91666603,25.13368988,,4111.979004,4524.063965,,2774.556885,3857.143066,4439.291016,0.9195418954,2.01154995,0,0,0.8072818518,0.1927181482 +Mexico,MEX,Latin America and Caribbean,LCN,2008,enigh,Young worker,19876431,0,1,0,0.7928387523,1,0.3664180636,0.29986462,0.06655342877,10068318,0.508354485,0.3679465652,0.1774738878,0.4586568177,0.05126958713,0.9022381902,0.09776180983,0.9022381902,0.09776180983,0.8380751014,0.1449500173,0.01542576775,0.6149548888,0.2231202424,0.3349813819,0.2766802311,0.2662294209,0.05167208612,0.1233363748,0.2907579839,0.5859056115,0.9387702346,0.8766636252,0.003116916167,0.1847953051,0.002766816178,0.1000789478,0.3466313183,0.02784712799,0.07128931582,0.1044291034,0.03570876643,0.07943788171,0.006808951963,0,0.1207562983,0.3441769779,0.09766686708,0.1820938885,0.1688753963,0.0001837430609,0,43,0.2641581297,0.2265287787,17.12468338,18.78137207,,3063.75,3380.646973,,2570.179443,3196.289551,3123.165527,0.9195418954,2.01154995,0,0,0.8268422484,0.1731577367 +Mexico,MEX,Latin America and Caribbean,LCN,2010,enigh,Female,58786335,0.2750888169,0.179963246,0.07431335747,0.7706451416,0.6505978107,0.3620675206,0.2913500667,0.07071747631,17853077,0.4681316614,0.4681316614,0.3060934544,0.4487313926,0.05142354593,0.9585580826,0.04144193232,0.906162858,0.09383713454,0.7166733742,0.2085900754,0.0723387301,0.4311318994,0.2855415046,0.4999141097,0.3575818837,0.3984262645,0.1441074908,0.04717757553,0.1631179452,0.7897045016,0.9528224468,0.9486804008,0.001639376278,0.1501360536,0.001985056093,0.009357453324,0.369381994,0.01001927536,0.06481514126,0.2365410328,0.1089470461,0.0381481871,0.1597341448,0.1058191806,0.2059657872,0.1011457741,0.0248434972,0.07304286957,0.04432037845,0.2469801903,0,44,0.3455964029,0.2377528697,21.16597176,21.16597176,2.39428854,3788.560791,3809.874756,428.5608826,2391.374512,3278.081299,4125,,2.273794889,0.06639324874,0.1480894685,0.6311931014,0.1543242037 +Mexico,MEX,Latin America and Caribbean,LCN,2010,enigh,Higher education,65459211,0.2120021731,0.2821861207,0.02165765502,0.8324971795,0.7663401961,0.3620675206,0.2913500667,0.07071747631,33053825,0.6597773433,0.5061146617,0.1433963776,0.6197168827,0.04688322917,0.9392818809,0.06071814522,0.8891908526,0.1108091325,0.7891486287,0.1376597285,0.07088359445,0.432896167,0.3562524617,0.5512644649,0.4468787909,0.4514389932,0.1562632024,0.05921721458,0.249328509,0.6914542913,0.9794121385,0.8974989057,0.005518036429,0.1661464572,0.00468298234,0.0729810372,0.3033926189,0.04804334044,0.08561611921,0.2253811359,0.02902105264,0.05820737034,0.2086478472,0.08745928854,0.1509241313,0.08425673842,0.03133115917,0.09450988472,0.1015903801,0.1829473376,0,44,0.2076859474,0.3435224593,24.71705246,24.71705246,2.795985699,4449.068848,4449.069336,503.2773438,3003.786865,4045.171143,4700.519043,0.9886820316,2.273794889,0,0,0.7584717274,0.2415283024 +Mexico,MEX,Latin America and Caribbean,LCN,2010,enigh,Lower education,49241546,0.3935900927,0.06009017304,0.1351194233,0.6828421354,0.4712904692,0.3620675206,0.2913500667,0.07071747631,14467399,0.6250910163,0.3926793337,0.3566424251,0.5933194757,0.07563080639,0.949172914,0.0508271046,0.862375319,0.1376246512,0.6456414461,0.2276046872,0.1236887723,0.5369035006,0.1087379232,0.1935540736,0.1573965997,0.1684184372,0.03003946692,0.2701202929,0.2770536244,0.4528261125,0.8868530393,0.6810130477,0.003694955027,0.154109627,0.001717386884,0.1175316498,0.2610917985,0.03404060751,0.02181980945,0.05396332964,0.08191055804,0.004683782812,0.02462550625,0.01216270309,0.109927617,0.06733147055,0.1616418511,0.1583004743,0.08049809933,0.3808284998,0,44,0.2624998093,0.3499107063,16.66666603,16.66666603,1.885328293,2999.999756,2999.999756,339.3591003,2604.255371,3300.000244,2999.999756,0.9886820316,2.273794889,0.1497006118,0.366124481,0.4841749072,0 +Mexico,MEX,Latin America and Caribbean,LCN,2010,enigh,Male,55914422,0.3055922985,0.1940685958,0.06621854752,0.7657310367,0.6281891465,0.3620675206,0.2913500667,0.07071747631,29668147,0.8451007009,,0.0432754606,0.7880610824,0.05834377557,0.9325054884,0.0674945116,0.8734101653,0.1265898347,0.7627489567,0.1384290457,0.09619370103,0.4856122732,0.2771367133,0.4311388731,0.3584288359,0.3633393347,0.10053505,0.1714681685,0.3164948225,0.5120370388,,0.8139796257,0.007014221046,0.1700807512,0.004880241118,0.1345196068,0.241506815,0.06463382393,0.06679862738,0.1332946867,0.005803062581,0.04404860735,0.1475637108,0.03872841224,0.09652804583,0.06540869176,0.1000248343,0.1394516528,0.1265466511,0.2415581197,0,44,0.1495857537,0.412119329,21.97071266,21.97071266,2.485320568,3943.493164,3954.728271,446.086792,2802.699707,3937.5,4449.069336,,2.273794889,0.04900827259,0.1358113885,0.6749542356,0.1402260959 +Mexico,MEX,Latin America and Caribbean,LCN,2010,enigh,Old worker,51940482,0,0,0,0.7960091233,1,0.3620675206,0.2913500667,0.07071747631,37072657,0.7144759893,0.517634213,,0.6848731041,0.05978986248,0.9585670233,0.04143296182,,,0.7217887044,0.1714844257,0.1040901244,0.4177288413,0.3040598333,0.4982764423,0.3831080198,0.4212588072,0.135056451,0.1199979186,0.2476686537,0.6323334575,0.9537824988,,0.005631699227,0.1554551721,0.00428506406,0.08229672164,0.2803710401,0.04652392119,0.06686831266,0.1896587461,0.04891140014,0.05031363666,0.16550152,0.05958472192,0.1350488067,0.0796040073,0.07539016008,0.1209098995,0.09671123326,0.2168837786,0,44,0.2176190466,0.3514313698,23.96013069,23.96013069,2.710362911,4304.77002,4312.823242,486.9543152,2919.241455,4028.880127,4707.108887,0.9886820316,2.273794889,0.07415118814,0.1811638474,0.5901703238,0.1545146406 +Mexico,MEX,Latin America and Caribbean,LCN,2010,enigh,Rural,26581947,0.3445343971,0.1824493855,0.07442295551,0,0.5810426474,0.3620675206,0.2913500667,0.07071747631,9393019,0.6084988713,0.3462134898,0.2592772245,0.581379652,0.1066717878,0.9554326534,0.04456735402,0.9086005688,0.09139943123,0.596878767,0.2629588246,0.1362707764,0.4868974388,0.1099813133,0.2380895764,0.1566753685,0.184260726,0.06791780889,0.4461203516,0.2218334079,0.3320462406,0.781337738,0.5721052885,0.00741165597,0.1207192242,0.001796961296,0.09190555662,0.173606351,0.02418731339,0.01636241563,0.07941512764,0.03847504035,0.01054098643,0.05551670864,0.01849216223,0.09423496574,0.04800879583,0.2645737529,0.1072474271,0.06294116378,0.3384440243,0,44,0.2884967029,0.3166901469,18.47738075,18.47738075,2.09015584,3312.248535,3325.928467,374.6805725,2618.177979,3632.833984,3862.726074,0.9886820316,2.273794889,0.1039609015,0.2313854992,0.5954825282,0.0691710636 +Mexico,MEX,Latin America and Caribbean,LCN,2010,enigh,Total,114700757,0.2899586856,0.1868393272,0.07036729157,0.7682495713,0.6396740228,0.5632962483,0.4532913254,0.1100049229,47521224,0.6476831813,0.4681316614,0.1726639271,0.6103073976,0.05569906533,0.9422931075,0.05770691112,0.8845513463,0.1154486537,0.7451401949,0.1652425677,0.0870770216,0.6237637563,0.3762362837,0.4564407468,0.3581051528,0.3762362897,0.117212072,0.1239333972,0.2578360438,0.6182305813,0.9528224468,0.860937953,0.004958618898,0.1624529213,0.003772981232,0.08665151149,0.2904125154,0.04374656454,0.06604004651,0.1727811098,0.0452503413,0.04179363698,0.1522148997,0.06436856836,0.1383519918,0.07906637341,0.07129269838,0.1140721291,0.09512214363,0.2436302751,0,44,0.2244953662,0.3454815149,21.68395424,21.68395424,2.452882528,3892.935547,3903.111816,440.3677063,2718.75,3750.000244,4310.73584,0.9886820316,2.273794889,0.05817851052,0.1422878355,0.6518710852,0.14766258 +Mexico,MEX,Latin America and Caribbean,LCN,2010,enigh,Urban,88118810,0.2734953463,0.1881636083,0.06914386153,1,0.6573607922,0.3620675206,0.2913500667,0.07071747631,38128205,0.6595829129,0.5002420545,0.1472474486,0.6193853617,0.04292276129,0.9390560985,0.06094388664,0.8770288825,0.1229711398,0.7823019028,0.1407500058,0.07474661618,0.4592505693,0.3230513632,0.4983488917,0.4085934758,0.4129497111,0.1297162622,0.04318630695,0.2668590844,0.6899546385,0.9845354557,0.9545458555,0.00434383424,0.1729122996,0.004268215038,0.08533473313,0.319686681,0.04864853621,0.07849034667,0.1961806715,0.04694838077,0.04962711036,0.1764522791,0.07586748153,0.14940992,0.08685094863,0.02284683287,0.1157827452,0.1031882986,0.2198652327,0,44,0.2084534317,0.3526980579,22.470047,22.470047,2.541805029,4028.880371,4044.608398,455.7457581,2836.427734,3761.145752,4418.050781,0.9886820316,2.273794889,0.04341026023,0.1135471612,0.6700606346,0.1729819775 +Mexico,MEX,Latin America and Caribbean,LCN,2010,enigh,Young worker,21430613,0,1,0,0.7736947536,1,0.3620675206,0.2913500667,0.07071747631,10448567,0.489279151,0.3380649388,0.1726639271,0.4327925444,0.03996994719,0.8845513463,0.1154486537,0.8845513463,0.1154486537,0.8349269032,0.1412426382,0.02166161314,0.6457471251,0.1891797632,0.3176223636,0.2619690597,0.2265824229,0.04820200801,0.1390620321,0.296921134,0.564016819,0.9486804008,0.860937953,0.002371186391,0.1893534511,0.001804450876,0.1033920497,0.3290135264,0.0330699347,0.06285604835,0.1079006791,0.03117662482,0.009034228511,0.1011278182,0.08276246488,0.1510527581,0.07699917257,0.0555379428,0.0877809152,0.08901210129,0.3464705944,0,44,0.2509347796,0.3226042092,16.95833397,16.95833397,1.918321729,3037.647949,3052.500244,343.6178284,2402.58667,3217.75,3093.75,0.9886820316,2.273794889,0.01858028769,0.04590943456,0.8048347831,0.1306754649 +Mexico,MEX,Latin America and Caribbean,LCN,2012,enigh,Female,60239393,0.2724732459,0.179539457,0.07629472762,0.7690139413,0.6512320042,0.3678467572,0.2907549143,0.07709185779,20849761,0.5331958532,0.5331958532,0.2710925639,0.5186293125,,0.9726806879,0.02731930651,0.9380772114,0.06192276254,0.6532909274,0.2579016089,0.08807159215,0.4214781821,0.2318127602,0.4711948931,0.2914932668,0.3548384905,0.1199593544,0.08909567446,0.1535571516,0.7573471665,0.9109043479,0.9373874664,0.001643550699,0.1439395994,0.002739680465,0.005234323908,0.3778961897,0.005453262478,0.06244492531,0.2047188878,0.1068339199,0.02849302068,0.1397071332,0.0963241905,0.2081412524,0.09762284905,0.05785225704,0.07448506355,0.03194560483,0.2614973485,0.003002836369,42,0.4091198444,0.2303282171,23.61111069,21.93138885,2.670881987,4205.097656,3947.649902,475.6794128,2971.800293,3396.343506,4480.253906,,2.361397982,0.05712214112,0.1385697424,0.6423942447,0.1619138718 +Mexico,MEX,Latin America and Caribbean,LCN,2012,enigh,Higher education,71838912,0.2289873362,0.2702531219,0.0213520918,0.8306922317,0.7496605515,0.3678467572,0.2907549143,0.07709185779,36878899,0.685977757,0.5444552302,0.1245320439,0.6524167657,,0.9510756731,0.04892431945,0.9146003723,0.08539962769,0.7640321255,0.1622293144,0.07323151827,0.453332305,0.3106998503,0.5200743675,0.3964324892,0.4066580832,0.1363413483,0.07805306464,0.2360144854,0.6859324574,0.9626597762,0.8834958076,0.005003925879,0.1603743881,0.007085198537,0.0635509789,0.3149220943,0.04374541715,0.08466003835,0.2096553892,0.03294949979,0.04921426997,0.2002770454,0.0819324255,0.1606063694,0.08427899331,0.04068046436,0.08658342063,0.09266853333,0.1997363716,0.003516587894,42,0.2460662425,0.3392004073,25.92739677,24.08289146,2.932899475,4666.931152,4334.92041,527.921875,3281.249756,4480.253906,4944.276367,0.9642856121,2.361397982,0,0,0.753387332,0.2466126382 +Mexico,MEX,Latin America and Caribbean,LCN,2012,enigh,Lower education,45610737,0.3620838821,0.05185423791,0.152963087,0.6699926853,0.484953016,0.3678467572,0.2907549143,0.07709185779,15291659,0.6932826638,0.5077319741,0.3387168944,0.6721300483,,0.9694891572,0.03051081672,0.9210869074,0.07891310006,0.5634234548,0.277529031,0.1579885632,0.4602815509,0.1031419188,0.189314127,0.1359545141,0.1830628663,0.02131498978,0.2874340713,0.2574469447,0.4551189542,0.7884250283,0.6890808344,0.003840608522,0.1409920752,0.00110393588,0.1115103438,0.273670882,0.03351906687,0.0235411115,0.0443874076,0.0800005123,0.003614006564,0.02423943579,0.009166684933,0.1046088859,0.07165855169,0.1930414885,0.1577344686,0.06528253853,0.3649109006,0.004332517739,42,0.3355403244,0.3258261681,19.08399582,17.72633934,2.158776045,3435.118896,3190.741211,388.5796509,3091.607178,3728.53833,3360.19043,0.9642856121,2.361397982,0.1397149861,0.3655174971,0.4947675169,0 +Mexico,MEX,Latin America and Caribbean,LCN,2012,enigh,Male,57210256,0.2893098593,0.1916518807,0.06842692941,0.7675189376,0.6422632337,0.3678467572,0.2907549143,0.07709185779,31320797,0.8530887961,,0.02665056847,0.8067520261,,0.9456835389,0.05431646481,0.9022546411,0.09774532914,0.7394472361,0.1544331014,0.1054930538,0.4786206484,0.2608265877,0.4239278436,0.3379094303,0.3527318239,0.08988787979,0.1752097905,0.3032284379,0.5215618014,,0.809805274,0.006724402308,0.1619403362,0.007070925087,0.1274927855,0.251144439,0.06486599892,0.0693116188,0.1303783953,0.005861335434,0.04057814926,0.1536387056,0.03565805778,0.1000320986,0.0688258633,0.1051824465,0.1304793507,0.1205376387,0.24012205,0.004276734311,42,0.1792086959,0.4070498645,24,22.29261208,2.714872837,4312.823242,4012.670166,487.8652954,3209.544434,4457.700195,4500,,2.361397982,0.04247973487,0.1229670122,0.6804772615,0.1540760249 +Mexico,MEX,Latin America and Caribbean,LCN,2012,enigh,Old worker,54194064,0,0,0,0.7929413915,1,0.3678467572,0.2907549143,0.07709185779,40683193,0.7515510321,0.5856571198,,0.7275438905,,0.9680565596,0.03194346279,,,0.6820322871,0.1991354674,0.1181596518,0.4126984179,0.269333899,0.4782650769,0.3400859535,0.3948990405,0.1170437932,0.1397083402,0.2405106872,0.6197809577,0.9044336677,,0.005213033874,0.1521566212,0.00614158297,0.07699944824,0.289134562,0.04350555316,0.06460725516,0.17426759,0.04826603085,0.04250149056,0.1582307816,0.0569758527,0.136585474,0.07805384696,0.09500213712,0.1175852716,0.08763170987,0.2220237106,0.004428540356,42,0.261182785,0.3405594528,25.83333397,23.99552155,2.922259092,4643.437988,4319.193848,525.2643433,3204.212646,4480.254395,4968.75,0.9642856121,2.361397982,0.06748596579,0.1657240242,0.6024802923,0.1643097401 +Mexico,MEX,Latin America and Caribbean,LCN,2012,enigh,Rural,27214761,0.3287802637,0.1739462614,0.08494775742,0,0.5862720013,0.3678467572,0.2907549143,0.07709185779,10916110,0.6844841242,0.483399868,0.2295622975,0.6623752713,,0.9677000046,0.03229996935,0.9306298494,0.06937018037,0.508928299,0.3288202286,0.1611634195,0.4259343445,0.08299392462,0.2220186889,0.1134499684,0.1630758792,0.05720612034,0.470885247,0.1986265332,0.3304882348,0.6538746357,0.5529235005,0.006533565931,0.1113208532,0.004092315212,0.07667979598,0.1828011274,0.01453304291,0.01465606689,0.07160528749,0.04689269513,0.008492718451,0.05378046259,0.01481722016,0.09263361245,0.05279565975,0.2941413522,0.09369575977,0.04537521675,0.3386382461,0.004471899476,42,0.4016861916,0.2712878883,19.16810417,17.80446434,2.168290377,3450.258789,3204.803711,390.2922668,3091.607178,3881.541016,3618.875488,0.9642856121,2.361397982,0.1012008265,0.2193567604,0.6050804257,0.07436199486 +Mexico,MEX,Latin America and Caribbean,LCN,2012,enigh,Total,117449649,0.2806744277,0.1854394674,0.07246228307,0.7682856917,0.6468632817,0.545921713,0.4339006954,0.1120210176,52170558,0.6866908473,0.5331958532,0.1475656778,0.6568011681,,0.9564728737,0.04352715611,0.9154484868,0.08455150574,0.7044317126,0.1964845955,0.09841265529,0.6464741347,0.3535258441,0.4417971969,0.319045037,0.3535258472,0.1021185443,0.1401978582,0.2423757017,0.617426455,0.9109043479,0.8579764962,0.004658650141,0.1546216607,0.005309945438,0.07778543979,0.3026786447,0.0407102108,0.0665197894,0.1606034487,0.04691435397,0.03566653281,0.1479766518,0.06031388417,0.1439696401,0.08052948862,0.08594658971,0.1077222452,0.08453221619,0.2488093674,0.003758998821,42,0.2726487815,0.335226953,23.85499382,22.15792274,2.698469877,4286.432617,3988.426025,484.8800049,3204.212646,4222.915527,4480.254395,0.9642856121,2.361397982,0.05011107773,0.1310988516,0.6606290936,0.1581609547 +Mexico,MEX,Latin America and Caribbean,LCN,2012,enigh,Urban,90234888,0.2661657631,0.1889058203,0.06869667768,1,0.6651375294,0.3678467572,0.2907549143,0.07709185779,41254448,0.6890668273,0.5465754271,0.1246797368,0.6570266485,,0.953502059,0.04649791867,0.910974443,0.08902553469,0.7569330931,0.1609466076,0.08156128228,0.4633089006,0.2936241925,0.4816010892,0.3742564619,0.3879130185,0.114282988,0.0514341481,0.2541189194,0.6944469213,0.9732171893,0.9498437643,0.004155382048,0.1662445515,0.005636783782,0.07808221877,0.334856391,0.04773673415,0.08044114709,0.1844924986,0.04692016914,0.04296390712,0.1732725203,0.07253175974,0.1577556431,0.0879772529,0.03003703803,0.1114889756,0.09504760802,0.2246863097,0.003567553358,42,0.2379965186,0.3523974419,24.7650032,23.0031929,2.80140996,4457.700195,4140.574707,504.2537231,3343.275391,4297.380859,4554.471191,0.9642856121,2.361397982,0.03361357003,0.102599293,0.6785664558,0.1852206886 +Mexico,MEX,Latin America and Caribbean,LCN,2012,enigh,Young worker,21779801,0,1,0,0.7826469541,1,0.3678467572,0.2907549143,0.07709185779,11487365,0.5297219157,0.3944184184,0.1475656778,0.4849331379,,0.9154484868,0.08455150574,0.9154484868,0.08455150574,0.7883194685,0.1865568608,0.02445851825,0.6153063178,0.1730131507,0.3234422505,0.240245074,0.2194708586,0.04652139544,0.1420235187,0.2493311763,0.6086453199,0.9373874664,0.8579764962,0.002591098426,0.1638149321,0.002208385151,0.08071675897,0.3531908095,0.03028509393,0.07365252078,0.1096435487,0.04187333211,0.01006904524,0.1095740795,0.07281508297,0.1716239452,0.08980095387,0.05203283206,0.07078438252,0.07292433828,0.3491238356,0.001251510694,42,0.315589875,0.3152562976,18.57375145,17.25239372,2.101057291,3328.584961,3105.430908,376.5285339,3189.753662,3375,3315.387939,0.9642856121,2.361397982,0.005768741481,0.04273217544,0.809030354,0.1424687058 +Nicaragua,NIC,Latin America and Caribbean,LCN,1993,emnv,Female,1656867,0.4285045266,0.2018502355,0.04224780947,0.5783849955,0.5292476416,0.4865670502,0.4488911927,0.03767586127,377458,0.4523477852,0.4523477852,0.4236664474,0.3419878185,,0.7560284734,0.2439715117,0.6254635453,0.3745364845,0.5550007224,0.435649991,0.004513454624,0.7289229035,0.264391005,,,0.2693915665,0.2104363143,0.07026239485,0.1441047937,0.7856328487,0.9297376275,0.9080575705,0.00139750354,0.1300417483,0.01042319369,0.00224234187,0.3612951338,0.009138335474,0.01986778341,0.3953315616,0,0.02237763628,0.08755105734,0.1951579005,0.05081317201,0.1957383603,0.04658812284,0.08215452731,0.008467689157,0.3111515343,0,47,0.2770529985,0.4119587541,3.928571463,,0.4493592083,687.4580688,,78.63306427,781.937439,900,675,,1.457719922,0.2578084767,0.3030053377,0.3564614654,0.08272471279 +Nicaragua,NIC,Latin America and Caribbean,LCN,1993,emnv,Higher education,1229767,0.5089882612,0.2253565043,0.009531887248,0.6753141284,0.4814798236,0.4865670502,0.4488911927,0.03767586127,349381,0.6579816341,0.5411146879,0.1403740644,0.500095129,,0.7600442171,0.2399558127,0.6581588984,0.3418411314,0.6892240644,0.3023065627,0.006375567056,0.5557739735,0.4406673014,,,0.4451473951,0.3246568441,0.07633850724,0.1852025688,0.7384589314,0.9697891474,0.8817520738,0.00403634971,0.135225296,0.01393790264,0.03200303018,0.2445626706,0.05439606309,0.03768269718,0.4018175006,0,0.05223827064,0.1679108888,0.2015217543,0.06741055101,0.1301538795,0.05059190094,0.1450882703,0.055289343,0.129795149,0,47,0.2200407535,0.3837338984,4.861111164,,0.5560252666,853.1248779,,97.58242035,927.257019,910.7142944,832.5,1.135858536,1.457719922,0,0,0.7401977181,0.2598022521 +Nicaragua,NIC,Latin America and Caribbean,LCN,1993,emnv,Lower education,2022364,0.4054982066,0.181865871,0.05676871166,0.4988963306,0.537733078,0.4865670502,0.4488911927,0.03767586127,710153,0.6548955441,0.4080861509,0.3062019944,0.5078570247,,0.7754779458,0.2245220393,0.7139555216,0.2860444486,0.4720323682,0.5183999538,0.005465691444,0.8713401556,0.1238387674,,,0.1249404699,0.08162946254,0.4030816853,0.1680585295,0.4288597703,0.9024730921,0.4870400727,0.001379698049,0.1177342311,0.01435360406,0.03459100053,0.2014231384,0.0317421779,0.004797918256,0.1908965409,0,0.007217105478,0.007474013139,0.07076808065,0.01092860289,0.09279291332,0.3095939457,0.1528911293,0.05626098812,0.29207322,0,47,0.2243342847,0.3932747245,2.875215769,,0.3288739324,508.9285583,,58.21244049,386.2008057,666.666687,540,1.135858536,1.457719922,0.3704634011,0.4164196253,0.2131169736,0 +Nicaragua,NIC,Latin America and Caribbean,LCN,1993,emnv,Male,1595264,0.4613825679,0.1946361214,0.03543614224,0.5523361564,0.5031812787,0.4865670502,0.4488911927,0.03767586127,682076,0.8734228611,,0.04994484782,0.6798160672,,0.7783355713,0.2216644436,0.7271259427,0.2728740871,0.5360718966,0.4547923803,0.006432666909,0.7900502086,0.2067626864,,,0.2076713145,0.1339520514,0.4187147617,0.1895228475,0.3917623758,,0.4974443018,0.002699027304,0.1198614314,0.01626045443,0.05070193484,0.1369817853,0.05523630232,0.01313905418,0.1864052415,0,0.02159791254,0.04473340884,0.06938570738,0.01776718348,0.05620670691,0.3212505281,0.1869691014,0.08143701404,0.2006524354,0,47,0.1940052062,0.3785128593,3.422875881,,0.3915165663,600,,68.62940979,389.1271973,740.083252,675,,1.457719922,0.2655414641,0.284152776,0.3807595372,0.06954621524 +Nicaragua,NIC,Latin America and Caribbean,LCN,1993,emnv,Old worker,1034665,0,0,0,0.6188853383,1,0.4865670502,0.4488911927,0.03767586127,736601,0.7319428921,0.5241636038,,0.5881152153,,0.803498745,0.1965012252,,,0.5279120803,0.4618607759,0.007020264864,0.7393530011,0.2574198544,,,0.2598635852,0.171748966,0.2631637156,0.179598406,0.5572379231,0.9359921813,,0.002516996581,0.1241310686,0.01805376075,0.03489657864,0.2363819778,0.04301992059,0.01836116612,0.2594748139,0,0.02702894993,0.07045961916,0.1232382581,0.03078202903,0.1122280955,0.2066023648,0.1463514715,0.06387860328,0.2194306105,0,47,0.2086351067,0.4089888036,4.017857075,,0.459571898,710.1287231,,81.22618866,417.8571167,900,727.4488525,1.135858536,1.457719922,0.3223876953,0.3006462753,0.2976523638,0.07931365818 +Nicaragua,NIC,Latin America and Caribbean,LCN,1993,emnv,Rural,1412702,0.4883577824,0.1963775754,0.03613571823,0,0.4755065143,0.4865670502,0.4488911927,0.03767586127,412420,0.6322851181,0.3341115117,0.3122163117,0.52271837,,0.8267130852,0.1732869446,0.7890099287,0.2109900713,0.4209671021,0.5749472976,0.002844966948,0.9097236395,0.08737861365,,,0.08867677301,0.0778875649,0.6146668196,0.07917022705,0.3061629534,0.7894519567,0.3526414633,0.001325049321,0.05931803957,0.004708341789,0.01381879207,0.1275580823,0.01983157173,0.001619504765,0.1571538001,0,0.003791015595,0.01395128947,0.07163580507,0.008489407599,0.05223731697,0.4691785574,0.07808434963,0.03048375808,0.2721485198,0,47,0.2467734516,0.3302972913,2.628114462,,0.3006098866,463.5866089,,53.02612305,386.2008057,649.9764404,544.3742065,1.135858536,1.457719922,0.4395810962,0.3354417682,0.2084833235,0.01649380662 +Nicaragua,NIC,Latin America and Caribbean,LCN,1993,emnv,Total,3252131,0.4446321428,0.1983115077,0.03890648857,0.5656073093,0.5164613724,0.9362532364,0.8609204223,0.07533281412,1059534,0.6308251817,0.4523477852,0.2400767803,0.4859805682,,0.7703886628,0.2296113223,0.6948655248,0.305134505,0.5426895618,0.4481000304,0.005761694163,0.7720847511,0.227915234,,,0.2291999161,0.160691604,0.2968156934,0.173634246,0.5295500755,0.9297376275,0.6144305468,0.002243715338,0.1234228089,0.01421840675,0.03374931961,0.2154533118,0.03910985216,0.01549296454,0.2594939172,0,0.02187031507,0.05969201028,0.1133249775,0.02931199782,0.1049529314,0.2252955735,0.1503514946,0.0559447445,0.2392559499,0,47,0.2229341567,0.3901634216,3.571428537,,0.4085083604,637.5,,72.91874695,400.5044861,749.999939,675,1.135858536,1.457719922,0.2615186274,0.2939601839,0.3681192994,0.07640187442 +Nicaragua,NIC,Latin America and Caribbean,LCN,1993,emnv,Urban,1839429,0.4110503793,0.1997967809,0.04103447497,1,0.5479151607,0.4865670502,0.4488911927,0.03767586127,647114,0.6719101667,0.527497232,0.1853833199,0.4935126007,,0.7344918847,0.2655080855,0.6109487414,0.3890512586,0.6300063133,0.3571071029,0.007853986695,0.6675026417,0.3270018995,,,0.3302664757,0.2200904638,0.06832883507,0.2415395975,0.6901315451,0.9847630858,0.9182263613,0.002904097084,0.1695044339,0.02105470374,0.04807635397,0.278636694,0.05296802148,0.02546588331,0.3330609798,0,0.03488347679,0.09261537343,0.1433321089,0.04429972917,0.1428966969,0.04975291714,0.2023681253,0.07427111268,0.2155804634,0,47,0.2057362199,0.4333515167,4.114583492,,0.4706357121,720,,82.35528564,672.9464111,759.7799683,707.1428223,1.135858536,1.457719922,0.1332592517,0.2640807629,0.4831059873,0.1195539907 +Nicaragua,NIC,Latin America and Caribbean,LCN,1993,emnv,Young worker,644935,0,1,0,0.5698434711,1,0.4865670502,0.4488911927,0.03767586127,322933,0.5302667618,0.3307480514,0.2400767803,0.3684640825,,0.6948655248,0.305134505,0.6948655248,0.305134505,0.5816662312,0.4118050635,0.002442122204,0.8460304141,0.1464381963,,,0.1479715258,0.1315269917,0.385569483,0.1579044014,0.4565261304,0.9080575705,0.6144305468,0.001522963168,0.121554859,0.00410304172,0.03072354198,0.1602560431,0.02879744209,0.007928366773,0.2595442832,0,0.008246896788,0.03125587478,0.0871450454,0.02542979643,0.08573998511,0.2746623755,0.1609151661,0.034992259,0.2916125953,0,47,0.2606364191,0.3405266404,2.700000048,,0.3088323474,482.1428833,,55.14863205,377.0639954,514.9343872,546.1425781,1.135858536,1.457719922,0.1648641527,0.2833432555,0.4800143838,0.07177823037 +Nicaragua,NIC,Latin America and Caribbean,LCN,1998,emnv,Female,2502328,0.4088200927,0.2123710364,0.04187180847,0.5609496236,0.5493080616,0.471894443,0.4311635494,0.04073087126,622292,0.4692955613,0.4692955613,0.3864525557,0.3873122036,0.07355607301,0.8253054619,0.1746945232,0.7320657372,0.267934233,0.5517377257,0.4322102964,0.01474937703,0.7973425984,0.1971256733,0.2630750239,0.1363188624,0.2006402463,,0.1018727124,0.1100961789,0.7880311012,0.8981273174,0.8423073888,0,0.1067802683,0.002722951351,0.0005929636536,0.3771931231,0.0102578802,0.01874662377,0.2195330858,0.162300393,0.01666344889,0.02839788608,0.111730732,0.04021034762,0.3111518025,0.01596320421,0.07770359516,0.01843258739,0.3797463775,0,47,0.3362806737,0.3730433285,5.020784855,,0.5742891431,903.741272,,103.3720474,496.5838928,987.0372314,935.3693848,,,0.2224167436,0.2888384759,0.3919524848,0.09679227322 +Nicaragua,NIC,Latin America and Caribbean,LCN,1998,emnv,Higher education,1932608,0.4559103549,0.2555877864,0.008922657929,0.6554272771,0.5351669788,0.471894443,0.4311635494,0.04073087126,631183,0.6636612415,0.5296199918,0.1189005151,0.5604355931,0.08482596278,0.8444603086,0.1555396765,0.7759578824,0.2240421176,0.6761968136,0.2846574783,0.03719824553,0.6534617543,0.3435063958,0.3803445697,0.2540096939,0.3458306789,,0.1082056835,0.1912322193,0.7005621195,0.9690880179,0.8290374279,0,0.1220863461,0.01080609765,0.05833977088,0.2849577367,0.0511851944,0.05157797039,0.275149554,0.03769166768,0.04815008864,0.07290451229,0.1785862595,0.05667093396,0.1766881496,0.03108021431,0.1404360384,0.07297968119,0.222504124,0,47,0.2927875817,0.345867753,6.735714912,,0.7704468369,1208.921631,,138.2792969,761.657959,1145.962891,1254.829346,1.0136832,,0,0,0.7407380939,0.2592618763 +Nicaragua,NIC,Latin America and Caribbean,LCN,1998,emnv,Lower education,2959906,0.3931286931,0.1847325563,0.06135600433,0.4691956341,0.5455152988,0.471894443,0.4311635494,0.04073087126,1095029,0.6797541976,0.4320161939,0.2789155245,0.5931123495,0.08335496485,0.8725394607,0.1274605542,0.84538728,0.1546126902,0.4929405451,0.4701734185,0.03603305668,0.9169684649,0.07673089951,0.1639611125,0.05168862641,0.07753550261,,0.4699405134,0.1385364532,0.3915230334,0.8448102474,0.3947496116,0,0.0873112604,0.005434054416,0.04579114541,0.2110100538,0.03345644102,0.01489942148,0.05524185672,0.07691526413,0.01151609141,0.001425771974,0.004807007965,0.006583465263,0.1375702471,0.1732386202,0.1088726595,0.04608111456,0.5099050403,0,47,0.2352798134,0.3908444643,4.107450962,,0.4698198736,736.380249,,84.22889709,646.9235229,855.6522217,793.3936157,1.0136832,,0.3350267708,0.4396794736,0.2252937704,0 +Nicaragua,NIC,Latin America and Caribbean,LCN,1998,emnv,Male,2390026,0.4274924099,0.2131022811,0.03929455206,0.5236842632,0.5332130194,0.471894443,0.4311635494,0.04073087126,1103920,0.8931623101,,0.02179624699,0.7887614965,0.08932139724,0.8831111193,0.1168889031,0.856141448,0.1438585371,0.5621591806,0.3887436986,0.04788262025,0.835918963,0.1591625214,0.2557546198,0.1179560125,0.1596884429,,0.4660613537,0.1822632551,0.3516753912,,0.4437202811,0,0.09605519474,0.009792756289,0.07641530782,0.1639694273,0.05533702672,0.03289935365,0.08887863159,0.01059095096,0.02880783752,0.02626038715,0.04343592748,0.01623986848,0.06762388349,0.178356424,0.1424982101,0.07530830055,0.4214691818,0,47,0.2135214359,0.3756356239,5,,0.5719116926,896.4629517,,102.5395355,697.7189941,992.6367798,1142.878296,,,0.2277688682,0.3022395968,0.3974829018,0.07250861079 +Nicaragua,NIC,Latin America and Caribbean,LCN,1998,emnv,Old worker,1608200,0,0,0,0.5810881853,1,0.471894443,0.4311635494,0.04073087126,1174767,0.7502763867,0.5581042171,,0.6620966196,0.0934805423,0.8824703097,0.1175296903,,,0.5318883061,0.4183160663,0.04854359478,0.785887301,0.2087774873,0.2991656661,0.1487209052,0.2106634676,,0.2926185727,0.1559823155,0.5513991117,0.9151947498,,0,0.09819807112,0.008858538233,0.04892570525,0.2516765594,0.04460941255,0.03140175343,0.1636164486,0.06009496003,0.03288976103,0.03544284403,0.07827360183,0.02538018674,0.1702164263,0.1467964351,0.1273866296,0.06137343124,0.3222406805,0,47,0.2525597811,0.3874691725,5.567675114,,0.6368437409,999.4499512,,114.3194275,724.5543823,1069.565308,1130.68335,1.0136832,,0.2785611749,0.3116379678,0.3212967217,0.08850413561 +Nicaragua,NIC,Latin America and Caribbean,LCN,1998,emnv,Rural,2237055,0.4484006763,0.2117489278,0.03869820014,0,0.5129011273,0.471894443,0.4311635494,0.04073087126,721975,0.6500150561,0.3389198184,0.2814254165,0.5834600329,0.09841340035,0.8976100087,0.1023899689,0.8706676364,0.1293323785,0.4784091413,0.4826526344,0.03681957722,0.9132909179,0.08168634772,0.1502313167,0.05771815032,0.08362011611,,0.6425014138,0.09809456766,0.2594040036,0.7367858887,0.2701568007,0,0.0604784973,0.004093772266,0.0335222967,0.1140295491,0.0196210742,0.01019350812,0.06294927746,0.05261060968,0.01756415144,0.006596980616,0.03504028171,0.003389600199,0.08965994418,0.2277950346,0.06287824363,0.03038595058,0.5266898274,0,47,0.2391964495,0.3394525051,4.312823772,,0.4933108985,776.3082886,,88.79595947,646.9235229,896.4629517,1022.414429,1.0136832,,0.3418990374,0.3717598617,0.2526674569,0.03367364034 +Nicaragua,NIC,Latin America and Caribbean,LCN,1998,emnv,Total,4892514,0.4179282784,0.212721318,0.04064413533,0.5427595973,0.5414275825,0.8469690658,0.7719006049,0.07506846093,1726212,0.6516609205,0.4692955613,0.2065886259,0.5619092529,0.08388171345,0.8622724414,0.1377275735,0.8192439675,0.1807560176,0.5585633516,0.4037414491,0.03645030409,0.8268503656,0.1731496344,0.2582615912,0.1242868602,0.1738127768,,0.3405305445,0.1573882699,0.5020811558,0.8981273174,0.5496383309,0,0.09975197911,0.007355892565,0.05028039217,0.2374646962,0.03979886696,0.02802110277,0.1339134127,0.0628831014,0.02462183498,0.02699715458,0.06697620451,0.02450216189,0.1515645981,0.122381717,0.1201643944,0.05570402741,0.4070878923,0,47,0.2558694482,0.3747413456,5.011837959,,0.5732657909,900,,102.9441071,658.9780273,987.0372314,1026.837158,1.0136832,,0.2249805629,0.2952579856,0.3946017325,0.08515972644 +Nicaragua,NIC,Latin America and Caribbean,LCN,1998,emnv,Urban,2655459,0.3922572434,0.2135404795,0.0422834605,1,0.565459311,0.471894443,0.4311635494,0.04073087126,1004237,0.6919683218,0.5588464141,0.1441203058,0.5790855885,0.07267617434,0.8368672132,0.1631328017,0.7699107528,0.2300892174,0.6203711629,0.3428921402,0.03616555035,0.7526823282,0.2421047688,0.3224706948,0.1756377816,0.2433746606,,0.1076838821,0.2031090409,0.689207077,0.9671095014,0.8528469801,0,0.1300353706,0.009871280752,0.06320238858,0.3326442838,0.05535775796,0.04176777974,0.1886331439,0.07080411166,0.03006394394,0.04272752255,0.09160166979,0.04078184441,0.19929865,0.04109858349,0.1643371731,0.07522653788,0.3148640692,0,47,0.2687415779,0.4019855559,5.483540535,,0.6272202134,987.0372314,,112.8996353,699.3518066,998.3139038,1028.571533,1.0136832,,0.1273410469,0.2313707024,0.5131320953,0.1281561404 +Nicaragua,NIC,Latin America and Caribbean,LCN,1998,emnv,Young worker,1040742,0,1,0,0.5448497534,1,0.471894443,0.4311635494,0.04073087126,551445,0.5535473824,0.3248361349,0.2065886259,0.4534903467,0.06185475737,0.8192439675,0.1807560176,0.8192439675,0.1807560176,0.6197760701,0.3702962697,0.008699155413,0.9068747759,0.08846575767,0.1772357672,0.06820269674,0.08930688351,,0.4503616989,0.1606111974,0.3890271187,0.8423073888,0.5496383309,0,0.1033140868,0.003911299631,0.05338580906,0.2048861384,0.02877140418,0.02027146704,0.06582360715,0.06927449256,0.005668838974,0.007636663038,0.04107860848,0.02248941921,0.108808063,0.066414617,0.103608489,0.04270775989,0.601587534,0,47,0.2634471655,0.3455999494,4.025017738,,0.4603909552,720.9762573,,82.46695709,623.5795898,845.7477417,800.260498,1.0136832,,0.1434386373,0.2703300416,0.5061612725,0.08007001877 +Nicaragua,NIC,Latin America and Caribbean,LCN,2001,emnv,Female,2642780,0.3840682805,0.2144450098,0.04711137339,0.6008669138,0.5688203573,0.4487943947,0.4037264287,0.04506795108,757533,0.5070644617,0.5070644617,0.3263114095,0.4220352769,,0.832310915,0.1676890701,0.7595137954,0.2404862195,0.5021609664,0.475174576,0.0219523143,0.7832460999,0.2165477425,,0.1874604374,0.2187324017,0.109235011,0.09210260957,0.1543562263,0.7535411716,0.9078974128,0.8849083781,0.0007725584437,0.1457740068,0.004514787346,0.003294874681,0.351690203,0.00694826711,0.02298163064,0.2336775213,0.1382435411,0.02810082212,0.03498246148,0.1039305329,0.0426953584,0.3050749302,0.02350671776,0.07259352505,0.03719385341,0.3519217968,0,45,0.3282405734,0.308468163,6.895708084,14.23213863,0.788747251,1241.227417,2561.784912,141.9745026,885.1253662,1135.170654,1295.475342,,1.489778161,0.2209736258,0.2795762718,0.3840270936,0.1154230163 +Nicaragua,NIC,Latin America and Caribbean,LCN,2001,emnv,Higher education,2025266,0.4298758805,0.2724491358,0.00747062359,0.70990628,0.562653482,0.4487943947,0.4037264287,0.04506795108,769603,0.6828508973,0.5767144561,0.09066379815,0.5759180784,,0.8434023857,0.1565976292,0.7748381495,0.2251618356,0.6692559719,0.278277874,0.05069752038,0.6462065578,0.3531525135,,0.3092578948,0.3528024256,0.1663618833,0.08672670275,0.2227011919,0.6905721426,0.9837706089,0.8802312613,0.004953126423,0.1549735367,0.0136730941,0.0491014272,0.2760331929,0.04728656635,0.05214571208,0.2627298534,0.05237680674,0.06436753273,0.07898503542,0.151952371,0.06339539587,0.1812690198,0.03613240272,0.1326066703,0.07567575574,0.2156158239,0,45,0.2156061083,0.3375280797,8.958333015,18.48921585,1.024675131,1612.499878,3328.058594,184.4415131,1157.867554,1398.285889,1660.367798,0.9699091315,1.489778161,0,0,0.7096109986,0.2903890014 +Nicaragua,NIC,Latin America and Caribbean,LCN,2001,emnv,Lower education,3179834,0.3718926907,0.1840841323,0.06777932495,0.5025869012,0.5603280067,0.4487943947,0.4037264287,0.04506795108,1261009,0.7078208327,0.4591467083,0.250951916,0.6223586798,,0.8792601824,0.1207398176,0.8507508039,0.1492491663,0.4600078464,0.4884595871,0.05128905922,0.917419076,0.0824636668,,0.07514533401,0.08351426572,0.02201658674,0.4509189427,0.1652235836,0.3838574886,0.8410183787,0.4205882847,0.006333972327,0.1001312435,0.003681136528,0.05507723615,0.2007549852,0.03450400382,0.01237749495,0.06882669777,0.06739429384,0.016511444,0.002889164491,0.007043860853,0.004990866873,0.1364040971,0.1859546751,0.09975419939,0.05204464868,0.494407028,0,45,0.2298135012,0.3436861038,6.056268692,12.49960899,0.6927301884,1090.128418,2249.929688,124.6914444,964.8895264,1294.979004,1070.154785,0.9699091315,1.489778161,0.3226962388,0.4452100396,0.2320937216,0 +Nicaragua,NIC,Latin America and Caribbean,LCN,2001,emnv,Male,2562320,0.4051648378,0.222613886,0.04142808169,0.5650867224,0.553407073,0.4487943947,0.4037264287,0.04506795108,1273079,0.8999422193,,0.02261790261,0.7969169021,,0.885520041,0.1144799367,0.8455164433,0.1544835865,0.5569106936,0.3748736978,0.06735607982,0.8363044858,0.1633264869,,0.1470768601,0.1628818661,0.05634606257,0.4418678582,0.2043940723,0.3537380695,,0.4909054041,0.008648700081,0.1061856374,0.008968036622,0.08059169352,0.1596993655,0.05727213621,0.0293452628,0.088290371,0.01913092472,0.03758503497,0.02875715122,0.03630147874,0.01753512956,0.06792023778,0.1905277669,0.1338570416,0.07395481318,0.4135613441,0,45,0.1665777862,0.3598415554,6.997166634,14.44153976,0.800352335,1259.073608,2599.477295,144.0157928,986.331543,1406.25,1537.390747,,1.489778161,0.2108801901,0.317420125,0.3960831463,0.07561650872 +Nicaragua,NIC,Latin America and Caribbean,LCN,2001,emnv,Old worker,1784134,0,0,0,0.6252036095,1,0.4487943947,0.4037264287,0.04506795108,1368510,0.7702191472,0.5888952613,,0.6843801737,,0.8885524869,0.1114474833,,,0.5132003427,0.4152013958,0.07074300945,0.7940876484,0.2055702657,,0.180512622,0.2055402547,0.08889689296,0.2819818854,0.177131772,0.5408863425,0.9156243801,,0.00517026009,0.1122416034,0.008459752426,0.05126016214,0.2479348183,0.04119760543,0.03275759146,0.1598109603,0.05918537453,0.04583085701,0.03912933543,0.06637044996,0.02972138859,0.1734302789,0.1619959921,0.1241767034,0.06474626064,0.2945987284,0,45,0.207184732,0.3654149473,7.65625,15.80183029,0.8757398129,1376.653198,2844.32959,157.4648132,1074.349609,1499.220337,1478.682373,0.9699091315,1.489778161,0.2670839131,0.3239726722,0.3185620606,0.09038134664 +Nicaragua,NIC,Latin America and Caribbean,LCN,2001,emnv,Rural,2169208,0.437894851,0.2126504183,0.04119153321,0,0.5209136009,0.4487943947,0.4037264287,0.04506795108,768148,0.6821912527,0.3968037665,0.2446343303,0.6077401638,,0.8908647895,0.109135218,0.8675060272,0.1324939728,0.4164611101,0.5252178907,0.05811642483,0.9251763821,0.07482361794,,0.06770264357,0.07589037716,0.03783924505,0.635741353,0.1131567881,0.2511018217,0.7165414691,0.3076463044,0.008643667214,0.06542883813,0.002810105216,0.03627417609,0.1038745269,0.01498576719,0.007154589519,0.07164087892,0.05344606936,0.01371588558,0.007743498776,0.02961058915,0.003752652323,0.08839045465,0.2726854384,0.05900636688,0.02915758267,0.495937556,0,45,0.2363981009,0.2769875228,6.228645802,12.85538006,0.7124471068,1121.15625,2313.968506,128.2404785,970.3852539,1340.672119,1264.559814,0.9699091315,1.489778161,0.3371893764,0.3838350177,0.2513523996,0.02762318403 +Nicaragua,NIC,Latin America and Caribbean,LCN,2001,emnv,Total,5205100,0.3944535255,0.2184663117,0.0443136543,0.583253324,0.5612328351,0.7817917136,0.7028340127,0.07895770086,2030612,0.6951120211,0.5070644617,0.1735331565,0.601737641,,0.8656700253,0.1343299448,0.8183739185,0.1816260964,0.5372729897,0.4108496904,0.05107063055,0.8175274214,0.1824725935,,0.1615631729,0.1829164624,0.07531629503,0.3164304793,0.1864488423,0.4971206784,0.9078974128,0.6062427163,0.005824055057,0.1203833371,0.007370954379,0.05287049711,0.228553623,0.03922433034,0.0270630531,0.1404310167,0.06184865534,0.03418368101,0.03098975308,0.06055549532,0.02655841969,0.1529717594,0.1306284815,0.1118859202,0.06077111512,0.3914553523,0,45,0.2245691419,0.3414129913,6.963180542,14.37139606,0.79646492,1252.292847,2586.851318,143.2401886,977.7523804,1328.13208,1417.5,0.9699091315,1.489778161,0.2160425633,0.2980645895,0.3899169862,0.0959758684 +Nicaragua,NIC,Latin America and Caribbean,LCN,2001,emnv,Urban,3035892,0.3634137809,0.2226218879,0.04654447362,1,0.5900417566,0.4487943947,0.4037264287,0.04506795108,1262464,0.7082229257,0.5700491667,0.1250293553,0.6022304893,,0.8503403068,0.1496597081,0.7807166576,0.2192833424,0.6142843366,0.3379458785,0.04657930508,0.7484909296,0.2510004342,,0.2214248627,0.2511747777,0.09920597821,0.1128616333,0.2331743985,0.6539639831,0.9799230695,0.8606559634,0.004026480485,0.1554182321,0.01027861144,0.06345107406,0.3080397248,0.05467703193,0.03975520656,0.1842864752,0.06720551848,0.04723242298,0.04580983147,0.08028366417,0.04109767824,0.1941439956,0.04006357491,0.1455979794,0.08092554659,0.324845314,0,45,0.2170249522,0.382501781,7.5,15.47934437,0.8578675985,1348.346924,2786.281982,154.2270813,1068.911743,1322.464355,1458.725586,0.9699091315,1.489778161,0.1301184297,0.2372313738,0.4881947637,0.1444554329 +Nicaragua,NIC,Latin America and Caribbean,LCN,2001,emnv,Young worker,1137139,0,1,0,0.5943477154,1,0.4487943947,0.4037264287,0.04506795108,662102,0.5849986076,0.3715313375,0.1735331565,0.4787475765,,0.8183739185,0.1816260964,0.8183739185,0.1816260964,0.5912960768,0.4010837078,0.006922618486,0.8693062663,0.1304537952,,0.1190418601,0.1321501881,0.04483922571,0.3937572539,0.2073628902,0.3988798559,0.8849083781,0.6062427163,0.00729162991,0.1386591196,0.004926926922,0.05648521334,0.1850486547,0.03479491919,0.01428051945,0.09692884237,0.06782692671,0.008039252833,0.01271881815,0.04750266299,0.01945849881,0.1070485115,0.06021779031,0.0842967853,0.05184810609,0.6088695526,0,45,0.2635785937,0.2875542045,6.181713581,12.75851631,0.7070788741,1110.870239,2296.532959,127.063942,886.875061,1160.530029,1235.058716,0.9699091315,1.489778161,0.1373564154,0.2581242919,0.4999188185,0.1046004817 +Nicaragua,NIC,Latin America and Caribbean,LCN,2005,emnv,Female,2617386,0.3468579054,0.2126568258,0.05504385009,0.5783361793,0.598098278,0.4362792075,0.3878705204,0.04840868711,743337,0.477995187,0.477995187,0.3541594744,0.4386083484,0.06732582301,0.9175999761,0.08240003884,0.8505060673,0.1494939327,0.4935022891,0.4776699841,0.0288277436,0.7731899023,0.2268101126,,0.2143204808,0.2268101126,0.1261769235,0.09135798365,0.1944197714,0.7142222524,0.908641994,0.9096755981,0.0009001797298,0.1880759895,0.002147823106,0.00329577201,0.3344255686,0.007931550965,0.02514199167,0.2338092327,0.112913914,0.019075308,0.04199616984,0.1045615971,0.04242280126,0.3030937314,0.02289593965,0.09374624491,0.03900387883,0.333204329,0,45,0.2845169008,0.2976281643,9.789930344,15.55701828,1.119795203,1762.1875,2800.263428,201.5631409,1328.611572,1608.701416,1858.5,,1.693749785,0.1980900317,0.2523268163,0.4072789848,0.1423041523 +Nicaragua,NIC,Latin America and Caribbean,LCN,2005,emnv,Higher education,2134451,0.3704788685,0.2975941002,0.008493987843,0.7090094686,0.621027112,0.4362792075,0.3878705204,0.04840868711,889620,0.6776838899,0.5614300966,0.1295652092,0.6134333014,0.05891644582,0.9051910043,0.09480901808,0.8655220866,0.1344779134,0.6586946845,0.2919284701,0.04937686026,0.6695579886,0.3304419816,,0.3078956902,0.3304419816,0.1540926397,0.1114996597,0.2391254604,0.6493749022,0.97363168,0.8239863515,0.00393902231,0.1772274375,0.008366075344,0.04959293455,0.2750845551,0.04449654371,0.0563881211,0.2325798869,0.0408257544,0.03247954696,0.0795776844,0.1372957826,0.06053204089,0.1859002411,0.04082326964,0.1408622563,0.07869724184,0.2411384434,0.0026934864,45,0.1817439049,0.3286736608,11.68518925,18.56874275,1.336579323,2103.333984,3342.373535,240.5842743,1392.626709,1813.653442,2361.528076,1.054684281,1.693749785,0,0,0.6699172258,0.330082804 +Nicaragua,NIC,Latin America and Caribbean,LCN,2005,emnv,Lower education,3004823,0.349221915,0.1746844947,0.082006827,0.4511297345,0.5687712431,0.4362792075,0.3878705204,0.04840868711,1145568,0.6702924371,0.4089010656,0.2751516402,0.637666285,0.1024804339,0.9513254762,0.04867454246,0.9285877347,0.07141228765,0.4207722843,0.5394665599,0.03976113349,0.9299665689,0.0700334385,,0.06472332776,0.0700334385,0.02219931595,0.488045603,0.1714916825,0.3404627144,0.8384313583,0.3835586905,0.004936649464,0.1217975989,0.003025303595,0.04173212126,0.1755272448,0.03142296523,0.01138273906,0.06286336482,0.05926640332,0.003151931334,0.001285547507,0.006789269391,0.004607233685,0.1284290403,0.2058105618,0.1081025302,0.05325525254,0.4876537919,0.0009148400277,45,0.1837204397,0.3138727248,7.788096905,12.37593746,0.8908208013,1401.857422,2227.668701,160.3477325,1274.223755,1479.890625,1468.791626,1.054684281,1.693749785,0.3117596507,0.4267411828,0.2614991665,0 +Nicaragua,NIC,Latin America and Caribbean,LCN,2005,emnv,Male,2521888,0.3696666956,0.2393012643,0.04777174816,0.5373680592,0.5825615525,0.4362792075,0.3878705204,0.04840868711,1291851,0.8808000684,,0.05024918914,0.8270371556,0.09332744032,0.9389612079,0.06103877351,0.9165980816,0.08340190351,0.5378252864,0.4098819494,0.05229274929,0.8452462554,0.1547537595,,0.1420381516,0.1547537595,0.05129957944,0.4611302018,0.2034990937,0.3353707194,,0.4737685323,0.006544116419,0.1213266626,0.007064315025,0.0685640052,0.1522698253,0.05331171304,0.03352355212,0.0794082135,0.01685740612,0.01366778836,0.03036938235,0.03845018521,0.02046994306,0.06836614758,0.199135527,0.1379235536,0.07815923542,0.4108481705,0.002610062016,45,0.1257289797,0.3328332007,9.260876656,14.71630764,1.059280753,1666.957764,2648.935303,190.6705322,1284.432251,1700.300171,2088.03125,,1.693749785,0.1917513758,0.282178551,0.4219942987,0.1040757746 +Nicaragua,NIC,Latin America and Caribbean,LCN,2005,emnv,Old worker,1874513,0,0,0,0.5925378799,1,0.4362792075,0.3878705204,0.04840868711,1379119,0.7392143607,0.5492184758,,0.7002859712,0.09827385098,0.9473381042,0.05266188085,,,0.4976364076,0.4421366453,0.06022692844,0.7968422174,0.2031577677,,0.1882177591,0.2031577677,0.09433099627,0.2935364246,0.1917662024,0.5146973729,0.9083143473,,0.004502897616,0.1324034184,0.006146229804,0.04871365428,0.2291296124,0.03965198249,0.03475949168,0.1579336077,0.05322267488,0.02158145607,0.04496162385,0.06734369695,0.02903041057,0.1589600295,0.174249053,0.1258239597,0.06393456459,0.3126425445,0.001472645788,45,0.1682008058,0.3386335373,10.64636326,16.91796112,1.217756033,1916.345337,3045.23291,219.1960754,1352.272827,1817.851685,2233.188477,1.054684281,1.693749785,0.2555411458,0.2959080338,0.3357287943,0.1128220409 +Nicaragua,NIC,Latin America and Caribbean,LCN,2005,emnv,Rural,2270363,0.4035658538,0.2159007192,0.04411453009,0,0.5523195863,0.4362792075,0.3878705204,0.04840868711,821032,0.6565078497,0.3542840183,0.2348804176,0.6308218837,0.1216806993,0.9608748555,0.03912514821,0.9434301853,0.05656978488,0.3966858089,0.5690149069,0.03429926559,0.9395342469,0.06046578288,,0.05773669854,0.06046578288,0.04120357335,0.6767776608,0.09966929257,0.2235530317,0.7156469226,0.2600803971,0.002765845042,0.07243294269,0.002517400542,0.0219531022,0.09324523062,0.01377471909,0.006943766493,0.06265741587,0.04693190381,0.0047432594,0.006227587815,0.03286183998,0.005917032249,0.06830572337,0.2757428288,0.06177645177,0.02915291861,0.5144129395,0.000859414693,45,0.1919258088,0.2601009607,8.292506218,13.17748547,0.9485163093,1492.651123,2371.94751,170.7329407,1298.159912,1681.722656,1753.997803,1.054684281,1.693749785,0.3032540083,0.3647049963,0.2874850035,0.04455598444 +Nicaragua,NIC,Latin America and Caribbean,LCN,2005,emnv,Total,5139274,0.3580503762,0.225731492,0.05147536471,0.5582327247,0.5904742479,0.6935539396,0.6063776319,0.08717630768,2035188,0.6706590646,0.477995187,0.1956626326,0.624490357,0.08396884054,0.9311591983,0.06884081662,0.8971495628,0.1028504595,0.5218724012,0.4342804849,0.04384713247,0.81931144,0.18068856,,0.1680542976,0.18068856,0.07823911309,0.3280403316,0.2002312243,0.4717284441,0.908641994,0.5953716636,0.004512728658,0.1453513354,0.005294752307,0.04507241026,0.2178320289,0.03697830811,0.03050682694,0.1349808276,0.05143043771,0.01561408397,0.0345541425,0.06224526092,0.02837130241,0.1528502107,0.1357026845,0.1220230907,0.06406629086,0.3829022944,0.001670638332,45,0.1828805506,0.3201620579,9.42643261,14.97939014,1.078217506,1696.757935,2696.290283,194.0791473,1284.649292,1669.062744,1964.791382,1.054684281,1.693749785,0.194993481,0.2669099271,0.4144676924,0.1236288995 +Nicaragua,NIC,Latin America and Caribbean,LCN,2005,emnv,Urban,2868911,0.3220309019,0.2335112542,0.0573004894,1,0.6206685901,0.4362792075,0.3878705204,0.04840868711,1214156,0.6855037212,0.5563693047,0.1669316739,0.6245384216,0.05707324669,0.9110649824,0.08893503249,0.858075738,0.141924262,0.6111537218,0.3381897211,0.05065654218,0.7335701585,0.2664298117,,0.2467313111,0.2664298117,0.104644306,0.07932560146,0.2719506323,0.6487237811,0.9871290922,0.906609416,0.005758582614,0.1973557472,0.00727552129,0.06156078354,0.3066856563,0.05352679268,0.04731168225,0.186560899,0.05463873222,0.02336700819,0.05475625396,0.08320111781,0.04438538104,0.2131461948,0.03582796454,0.1649901718,0.08896603435,0.2891106606,0.002249191981,45,0.1764295846,0.3629968166,10.23328781,16.2615509,1.170507431,1841.991821,2927.079102,210.6913452,1209.643799,1668.964111,2028.0802,1.054684281,1.693749785,0.1068293303,0.1872685552,0.517878592,0.1880235225 +Nicaragua,NIC,Latin America and Caribbean,LCN,2005,emnv,Young worker,1160096,0,1,0,0.5774720311,1,0.4362792075,0.3878705204,0.04840868711,656069,0.5674660206,0.3489948213,0.1956626326,0.5091018677,0.05221613497,0.8971495628,0.1028504595,0.8971495628,0.1028504595,0.5756686926,0.4168422222,0.007489058655,0.8691861033,0.1308138818,,0.1232976317,0.1308138818,0.04252205789,0.4046283364,0.2190209925,0.3763506711,0.9096755981,0.5953716636,0.004534550477,0.1740917265,0.003404735355,0.03698996827,0.1927549094,0.03104357608,0.02106722444,0.08403274417,0.04745222628,0.002368363785,0.01145275496,0.05092831701,0.02690828219,0.139288336,0.05014169589,0.1135863215,0.06435867399,0.538857162,0.002110120375,45,0.215465039,0.2791611254,8.023364067,12.74979687,0.9177311659,1444.205566,2294.963379,165.1916199,1195.891846,1509.488281,1511.37793,1.054684281,1.693749785,0.1003771126,0.2215953171,0.5375110507,0.1405165195 +Nicaragua,NIC,Latin America and Caribbean,LCN,2009,emnv,Female,2925673,0.3217659593,0.2144016027,0.05630294234,0.5892244577,0.621931076,0.3707939088,0.3232781291,0.04751577228,849372,0.4667989612,0.4667989612,0.3759136796,0.4298791885,0.06851113588,0.9209086299,0.07909137756,0.8375369906,0.1624630392,0.5082626343,0.4818241894,0.005236552563,,,,,,,0.1025411785,0.1540699452,0.7433888912,0.8974587917,0.8690786958,0.001320427051,0.1490888,0.0006101194886,0.003050597617,0.3350082636,0.008977105841,0.03010008484,0.2464189231,0.1228844896,0.01868378557,0.05779308826,0.09244530648,0.05205796659,0.2988031507,0.0287244264,0.06063560396,0.04346362874,0.3473930657,0,46,0.2883835733,0.3041387796,18.19376945,19.18621445,2.081046104,3274.878662,3453.518799,374.5882874,2494.362793,2958.380371,3512.411865,,,0.1584618539,0.2549025118,0.4143677056,0.1722679436 +Nicaragua,NIC,Latin America and Caribbean,LCN,2009,emnv,Higher education,2596709,0.3345226645,0.2940402627,0.01023333799,0.711122036,0.6552439928,0.3707939088,0.3232781291,0.04751577228,1107107,0.6537312865,0.5222485065,0.1627430022,0.5858117938,0.06218324229,0.8961048722,0.1038951054,0.8388171196,0.1611829102,0.6199333668,0.3632595539,0.01155144162,,,,,,,0.1291254163,0.2018604279,0.6690141559,0.9715931416,0.7541074753,0.006688824389,0.1429965496,0.005930872168,0.04624418542,0.2736753523,0.05700548366,0.05941005424,0.2360574305,0.04286582768,0.0371001251,0.09514221549,0.1246547177,0.06471572071,0.1732132882,0.04705787078,0.1218032762,0.09262111783,0.2436916679,0,46,0.1950439215,0.3177683055,20.55924797,21.6807251,2.351614952,3700.664795,3902.530518,423.2907104,2478.584961,3103.393066,4152.263672,1.025616646,,0,0,0.6312556863,0.3687443435 +Nicaragua,NIC,Latin America and Caribbean,LCN,2009,emnv,Lower education,3166759,0.3389449716,0.1609563529,0.08385103196,0.4536733031,0.577203989,0.3707939088,0.3232781291,0.04751577228,1210699,0.6623565555,0.4120047092,0.2871063948,0.6220116615,0.09649115056,0.939088881,0.06091109291,0.8874425292,0.1125574708,0.4009212255,0.5856138468,0.007914128713,,,,,,,0.5008229613,0.1400035173,0.3591735065,0.8083052635,0.3395713866,0.003805798944,0.09435515851,0.0002449933381,0.0415975675,0.1781773716,0.03084616363,0.014450185,0.07094281912,0.06475695968,0.01075848006,0.00239598169,0.009276137687,0.003538694466,0.1263891459,0.2147220671,0.09361929446,0.04770736769,0.4915928245,0,46,0.1959035695,0.3309426606,14.78801632,15.59468174,1.691487908,2661.842773,2807.042725,304.467804,2580.061523,2887.255127,2701.848389,1.025616646,,0.2739954591,0.4541312158,0.2718733251,0 +Nicaragua,NIC,Latin America and Caribbean,LCN,2009,emnv,Male,2829573,0.3535406291,0.2272717506,0.04501916096,0.5487213135,0.6014401913,0.3707939088,0.3232781291,0.04751577228,1468434,0.8628614545,,0.05338510498,0.7914143801,0.0874696672,0.9171975255,0.08280249685,0.8716872931,0.1283127218,0.4999057055,0.4821048379,0.01214839984,,,,,,,0.4584470093,0.1774152964,0.3641377091,,0.4281156957,0.007375780027,0.09838107973,0.004223373719,0.06743506342,0.1573746204,0.062842004,0.03848759085,0.09060872346,0.01482475083,0.02556503937,0.03854285926,0.04595597833,0.02041707933,0.06065152586,0.1992946863,0.1335698813,0.08327775449,0.3927251995,0,46,0.1414983273,0.3368175924,17.22192955,18.16136169,1.969884634,3099.947266,3269.045166,354.5792236,2572.311768,3055.594482,3697.500488,,,0.1567763537,0.2679863274,0.4351335764,0.1401037276 +Nicaragua,NIC,Latin America and Caribbean,LCN,2009,emnv,Old worker,2256097,0,0,0,0.6123185158,1,0.3707939088,0.3232781291,0.04751577228,1658783,0.7368979454,0.5510023236,,0.6935240626,0.08883403987,0.9411399961,0.05886001885,,,0.4849460125,0.4970262349,0.0128040472,,,,,,,0.2842628956,0.1687239856,0.547013104,0.9048082829,,0.00431618467,0.1169542372,0.003139745677,0.04431381449,0.2307378203,0.04838659987,0.040106453,0.1721618623,0.05562037602,0.02788359486,0.05592108518,0.06884194911,0.03130602092,0.1552982926,0.163808316,0.1157359481,0.072807841,0.3083969653,0,46,0.1815875471,0.3495446146,19.20370293,20.25123787,2.196564436,3456.666504,3645.222656,395.3816223,2574.102783,3140.087402,3901.151855,1.025616646,,0.2062495053,0.2853093743,0.3477718532,0.1606692821 +Nicaragua,NIC,Latin America and Caribbean,LCN,2009,emnv,Rural,2480217,0.3792728484,0.2199992985,0.04807845503,0,0.5726487041,0.3707939088,0.3232781291,0.04751577228,905285,0.6380652189,0.3412937224,0.2624270916,0.6077698469,0.1188725084,0.9525199533,0.04748007655,0.916097939,0.08390208334,0.3850739002,0.6005703211,0.009577850811,,,,,,,0.6925127506,0.07490835339,0.2325788736,0.6646536589,0.2257106155,0.0004672668583,0.05342806131,0.0007574150804,0.02025561035,0.1002374813,0.01287372597,0.0129180057,0.06573081017,0.04081884772,0.01456217933,0.01107340865,0.03072541766,0.00519703282,0.07537329197,0.2864124477,0.04332414269,0.03454861417,0.4987834692,0,46,0.202695936,0.2821277976,16.88368416,17.80466461,1.931195378,3039.062988,3204.8396,347.6151428,2642.682617,3384.446777,3485.509766,1.025616646,,0.2375659943,0.3661447167,0.3320799768,0.06420930475 +Nicaragua,NIC,Latin America and Caribbean,LCN,2009,emnv,Total,5763468,0.3369525075,0.2209168226,0.05068285391,0.5696658492,0.6123646349,0.6330139582,0.5502481501,0.08276580818,2317806,0.6567243133,0.4667989612,0.212642014,0.6032390205,0.08050443232,0.9185574651,0.08144253492,0.8617165089,0.1382834911,0.5029760003,0.4820017219,0.009609034285,,,,,,,0.3275927901,0.168832019,0.5035752058,0.8974587917,0.5532070398,0.005149437115,0.1170245484,0.002894905396,0.0437631309,0.2226843536,0.04303775355,0.03540379554,0.1478947252,0.05455456302,0.02303504199,0.04562049732,0.06304848939,0.03205033392,0.1482115984,0.1365819275,0.1067544818,0.06863948703,0.3760581315,0,46,0.1955029368,0.3248027265,17.51992989,18.47561646,2.003970623,3153.587402,3325.61084,360.7147217,2568.740234,3013.393066,3600,1.025616646,,0.1576403379,0.2612794936,0.4244889021,0.1565912515 +Nicaragua,NIC,Latin America and Caribbean,LCN,2009,emnv,Urban,3283251,0.3049830794,0.2216099203,0.05265025422,1,0.6423666477,0.3707939088,0.3232781291,0.04751577228,1412521,0.6718007922,0.5447463393,0.1752138436,0.6024648547,0.05438623205,0.8967909217,0.1032090858,0.8126225471,0.1873774678,0.5832352042,0.4012888372,0.00963026192,,,,,,,0.07891491801,0.2328371108,0.6882479787,0.9900659919,0.8849648237,0.008340142667,0.1603629291,0.00435151672,0.05978253484,0.306126833,0.06359329075,0.05072693527,0.2038860321,0.06391488761,0.02880894765,0.06916291267,0.08507532626,0.05034974962,0.1978479028,0.03447862342,0.1499796361,0.09187100083,0.2924259007,0,46,0.1906011999,0.3538839221,18.10763931,19.0953846,2.071194172,3259.375,3437.169189,372.8149414,2463.573242,2939.249756,3632.415771,1.025616646,,0.09575595707,0.1800850481,0.4960387647,0.2281202376 +Nicaragua,NIC,Latin America and Caribbean,LCN,2009,emnv,Young worker,1273247,0,1,0,0.5714531541,1,0.3707939088,0.3232781291,0.04751577228,659023,0.5187723637,0.3067471981,0.212642014,0.4470347166,0.05760612339,0.8617165089,0.1382834911,0.8617165089,0.1382834911,0.5525408983,0.4406990111,0.0008258626913,,,,,,,0.4467929304,0.1691292226,0.3840778172,0.8690786958,0.5532070398,0.007441707421,0.117217958,0.002221352188,0.04224820808,0.2005292922,0.02832312696,0.02246683463,0.08113604039,0.05162252486,0.009696716443,0.01728367992,0.04711073637,0.034097936,0.1287162006,0.06168238074,0.08204654604,0.05717236549,0.5621934533,0,46,0.2337840348,0.2567380071,14.94019413,15.75516033,1.708894372,2689.235107,2835.928955,307.6010132,2549.585938,2754.999268,2904.803711,1.025616646,,0.07214503735,0.219015047,0.5594212413,0.149418667 +Nicaragua,NIC,Latin America and Caribbean,LCN,2014,emnv,Female,3200214,0.300229311,0.2065546215,0.05953383073,0.599288702,0.6402368546,0.3584553301,0.3010902405,0.05736507848,1058758,0.5167557001,0.5167557001,0.3770209253,0.4803539217,0.08535464853,0.929557085,0.07044291496,0.8475210071,0.1524790078,0.4998414814,0.4652023613,0.02389918081,0.6186698079,0.2730822563,,0.2966884971,0.3062311411,,0.0927413702,0.1405763924,0.7666822076,0.9072586298,0.9017112255,0.002416388132,0.1319981664,0.00294204778,0.003219793551,0.3827830553,0.0118885478,0.03001197428,0.03225656971,0.3097420931,0.01859146915,0.07329974324,0.1024907976,0.04292215034,0.330429256,0.02703923732,0.07129713893,0.03140873834,0.3025214672,0,43,0.3612721264,0.2279609293,28.38757896,21.56840134,3.247037888,5109.76416,3882.3125,584.4667969,3325.480713,4402.87207,5516.651855,,,0.1271365881,0.2204025537,0.4410139322,0.2114469409 +Nicaragua,NIC,Latin America and Caribbean,LCN,2014,emnv,Higher education,3233073,0.3068173826,0.283423841,0.01461272314,0.7065340281,0.6785699129,0.3584553301,0.3010902405,0.05736507848,1495928,0.6894004941,0.5757599473,0.1437460631,0.6344430447,0.07908832282,0.9202822447,0.07971774042,0.8716136813,0.1283862889,0.6267698407,0.3222566545,0.04174112156,0.5436253548,0.3517319858,,0.3826744258,0.3928397894,,0.1426510662,0.198915422,0.658433497,0.9633078575,0.7385155559,0.007588978857,0.1361183077,0.00809726119,0.04711087048,0.301739037,0.048731938,0.05296126008,0.05396974459,0.2010315508,0.03001874313,0.09964197874,0.1216590032,0.04929677397,0.2042535245,0.04124876857,0.1223944426,0.07509314269,0.2563936114,0,43,0.2351304889,0.2651173174,30.7581234,23.36950111,3.518186331,5536.462402,4206.510254,633.2735596,4413.121582,4835.042969,6048.223633,1.027880311,,0,0,0.6113662124,0.3886338174 +Nicaragua,NIC,Latin America and Caribbean,LCN,2014,emnv,Lower education,3034949,0.3129143119,0.1314051747,0.10322842,0.4465946555,0.5838572383,0.3584553301,0.3010902405,0.05736507848,1210981,0.6834067106,0.4374300539,0.3647920787,0.659869194,0.1559738368,0.9655585289,0.03444149718,0.9320921302,0.06790785491,0.4634358287,0.4675691724,0.06008605286,0.7866588831,0.09254468232,,0.1024260968,0.1052596793,,0.4922186136,0.1595561206,0.3482252657,0.81324929,0.340079844,0.007286251523,0.09768692404,0.003179957857,0.05140298232,0.1888592541,0.0253333766,0.01290907431,0.008731058799,0.1123925,0.009714964777,0.001614269102,0.00789179001,0.005851077847,0.1401263326,0.1930389553,0.1044794694,0.04502861202,0.4922545254,0,43,0.2843576372,0.2502632737,22.14839363,16.82797432,2.533385277,3986.710693,3029.0354,456.0093079,3852.827148,4350.139648,3899.224609,1.027880311,,0.2486821264,0.4559912384,0.2953266203,0 +Nicaragua,NIC,Latin America and Caribbean,LCN,2014,emnv,Male,3040620,0.3217090666,0.2117548436,0.05570179597,0.5614943504,0.6225891709,0.3584553301,0.3010902405,0.05736507848,1648151,0.8706473112,,0.04117161036,0.8250175118,0.1327023804,0.9475909472,0.05240903422,0.9130492806,0.08695071191,0.5844703317,0.3409701586,0.06671904027,0.6782900095,0.2072452307,,0.2289232463,0.2340338677,,0.4355896711,0.2061336488,0.358276695,,0.4638367295,0.01061371341,0.1099513546,0.007658167742,0.07791041583,0.1663349718,0.05438178778,0.03741665557,0.03376732022,0.06637596339,0.02199686505,0.04281202704,0.0485448055,0.0207822118,0.07704071701,0.1637766957,0.1410665363,0.08001790941,0.4039622247,0,43,0.1926939934,0.2773529589,26.08253098,19.81706429,2.983381033,4694.855469,3567.071533,537.0085449,3922.222168,4683.015137,5458.953613,,,0.1326761395,0.2564854026,0.4518698752,0.1589685827 +Nicaragua,NIC,Latin America and Caribbean,LCN,2014,emnv,Old worker,2650705,0,0,0,0.610573411,1,0.3584553301,0.3010902405,0.05736507848,2015228,0.764215529,0.6040817499,,0.7314600348,0.1223349422,0.9571383595,0.04286165163,,,0.5267972946,0.4020464122,0.06202549487,0.6723662615,0.2555162311,,0.2682472467,0.2753756344,,0.2711924613,0.1769864559,0.5518211126,0.908567667,,0.007819082588,0.1130783483,0.00683435658,0.04925466329,0.2583155036,0.0409620963,0.03865391389,0.04012051597,0.1737690568,0.02448837273,0.06502544135,0.07405941933,0.02770775557,0.1788368672,0.132608369,0.1167032644,0.06319066137,0.3173798323,0,43,0.2464530915,0.2713133991,28.62909698,21.75190163,3.27466321,5153.237305,3915.342285,589.4393311,3931.960449,4848.60791,5800.185547,1.027880311,,0.1658578515,0.2668301463,0.3732207716,0.1940912306 +Nicaragua,NIC,Latin America and Caribbean,LCN,2014,emnv,Rural,2628354,0.3355339468,0.2195902765,0.05213757232,0,0.6123284698,0.3584553301,0.3010902405,0.05736507848,1041610,0.6518006325,0.3675086498,0.2719212472,0.6310133934,0.1797398031,0.9681079984,0.03189197555,0.9437886477,0.05621136725,0.4538180232,0.4711714089,0.06717532873,0.7202830911,0.08926101029,,0.1071371287,0.1102608368,,0.6578868628,0.1015929878,0.2405201197,0.7063877583,0.2835549414,0.008367187344,0.06341531873,0.002162340563,0.02764814161,0.1200694442,0.01308411174,0.01227561105,0.003818367375,0.09127259254,0.01469409,0.01366322394,0.02711147629,0.006450161338,0.09079419822,0.2383520156,0.07691399753,0.02654355019,0.5054773092,0,43,0.3251496851,0.1792851537,24.81664467,18.85526657,2.838586092,4466.996094,3393.948242,510.9454956,4026.065918,5014.911621,5606.972168,1.027880311,,0.2014695555,0.3333107829,0.3722645938,0.09295506775 +Nicaragua,NIC,Latin America and Caribbean,LCN,2014,emnv,Total,6268022,0.3097694814,0.2098170668,0.05752005801,0.5806725025,0.6327104419,0.5805017826,0.4895912267,0.09091055591,2706909,0.6825557695,0.5167557001,0.2113036811,0.6419691834,0.1143993884,0.9405373335,0.05946265534,0.8921699524,0.1078300551,0.5517557263,0.3889940381,0.05016636103,0.7379372787,0.2620626878,,0.2552314699,0.2620626986,,0.3032644689,0.1808312684,0.5159042478,0.9072586298,0.5967212319,0.007449886762,0.1184605062,0.005837941542,0.04908293858,0.2498749346,0.03798115999,0.03455875441,0.03318423405,0.1603051722,0.02068345249,0.0545707047,0.06935101002,0.02932127006,0.1747690588,0.1110390052,0.114157483,0.06127004325,0.3648379743,0,43,0.2577393949,0.2582951784,26.76841164,20.33818436,3.06183362,4818.313965,3660.873047,551.1300659,3908.621826,4579.302246,5458.953613,1.027880311,,0.1298542917,0.238104865,0.4463398755,0.1857009679 +Nicaragua,NIC,Latin America and Caribbean,LCN,2014,emnv,Urban,3639668,0.2911639214,0.2027594298,0.06140697375,1,0.6474291086,0.3584553301,0.3010902405,0.05736507848,1665299,0.7105051279,0.6097696424,0.1640195549,0.6560040116,0.07154656947,0.9232924581,0.07670754939,0.847055614,0.1529443711,0.6159871817,0.3350988925,0.0390112102,0.6125869751,0.3267655671,,0.3389357924,0.3478625417,,0.06999991834,0.2329528481,0.6970472336,0.98358953,0.9029127359,0.006846501958,0.1546682864,0.008255688474,0.06318237633,0.3352587521,0.05435801297,0.04921622574,0.05250059813,0.2057136297,0.02462596446,0.08149814606,0.09715527296,0.044376228,0.230045706,0.02723493613,0.138673082,0.08412883431,0.2722618282,0,43,0.2134269774,0.3102327585,27.78931427,21.11384964,3.178606987,5002.076172,3800.492676,572.1491699,3625.116211,4539.75293,5458.953613,1.027880311,,0.07054904848,0.1592639685,0.5076822639,0.2625046968 +Nicaragua,NIC,Latin America and Caribbean,LCN,2014,emnv,Young worker,1315138,0,1,0,0.5611403584,1,0.3584553301,0.3010902405,0.05736507848,691681,0.5300704837,0.3334109783,0.2113036811,0.4729129374,0.08959531784,0.8921699524,0.1078300551,0.8921699524,0.1078300551,0.6297680736,0.3481964767,0.01309842709,0.6017206311,0.1613652259,,0.2057621777,0.2114640474,,0.4032787979,0.1928210706,0.4039001465,0.9017112255,0.5967212319,0.006298574153,0.1352443844,0.002730690176,0.04854742065,0.2235535979,0.02868532762,0.02178829163,0.01155392639,0.1183190048,0.008808057755,0.02194081433,0.0546557568,0.03435714915,0.1620731801,0.04371969774,0.1062119305,0.05527567491,0.5129577518,0,43,0.2930293083,0.2175899744,23.16220284,17.59824944,2.649347067,4169.196289,3167.685059,476.8824463,3851.45166,4332.722656,4364.098633,1.027880311,,0.05513985828,0.1784943044,0.5980762839,0.1682895273 +Panama,PAN,Latin America and Caribbean,LCN,1989,emo,Female,1064038,0.3262327015,0.2061665058,0.06189064682,0.568728745,0.6118766665,0.4025145769,0.3393898308,0.06312473863,267996,0.4116302729,0.4116302729,0.6740925312,0.3215817213,0.01355979126,0.7812392712,0.2187607288,0.5731669664,0.4268330336,0.8121450543,0.1792003661,0.008654576726,,,,,,0.3409482837,0.04426156729,0.1062382683,0.8495001793,0.9557384253,0.9493630528,0.0001719452266,0.09022825956,0.009853417054,0.005984649062,0.1882227063,0.03219196573,0.04291466251,0.5612196922,0.02495116368,0.03523444384,0.1994325817,0,0.2333535552,0.1061952785,0.02973697148,0.06844852865,0.001289589214,0.3263090551,0,41,0.1790602654,0.1033009812,1.549999952,2.260964155,2.874649525,279,406.9735718,517.4369507,285,258.75,281.25,,2.100000143,0.05216106772,0.3571149111,0.4492241144,0.1414999068 +Panama,PAN,Latin America and Caribbean,LCN,1989,emo,Higher education,985060,0.2188100219,0.3156640232,0.02780947275,0.6934065223,0.7533804774,0.4025145769,0.3393898308,0.06312473863,465948,0.627856493,0.4992895722,0.5698348284,0.4919494689,0.02531992272,0.7835381031,0.2164619267,0.5962664485,0.4037335813,0.7820717096,0.1974072009,0.02052108012,,,,,,0.3421996832,0.09126018733,0.159361586,0.7493782043,0.9805557728,0.8471588492,0.0004355114361,0.1103213504,0.02094563469,0.02765908465,0.1748016924,0.07709100097,0.0592651628,0.3893554509,0.04886493087,0.07965750992,0.2090920508,0,0.1747770458,0.09357196093,0.07125405222,0.1468029618,0.0530118756,0.1718325466,0,41,0.137409389,0.1009505615,1.875,2.735037327,3.477398872,337.5,492.3067017,625.9317627,269.5514526,285.7245483,352.8674011,1.041666627,2.100000143,0,0,0.7640811205,0.2359188795 +Panama,PAN,Latin America and Caribbean,LCN,1989,emo,Lower education,1137588,0.4333088994,0.112728864,0.0900273174,0.4107277989,0.4766637981,0.4025145769,0.3393898308,0.06312473863,326772,0.6026257277,0.2801657021,0.3765781224,0.543407321,0.01514282543,0.9017326832,0.09826729447,0.8330519199,0.1669481099,0.4475312233,0.5371562839,0.01531251147,,,,,,0.09522467852,0.5209184885,0.1305681914,0.348513335,0.8968522549,0.3614837825,0.0002783246164,0.08743805438,0.00566492416,0.03718688339,0.1075453162,0.03423732147,0.01077998802,0.1842135638,0.01173715293,0.0112400353,0.008538626134,0,0.01708743349,0.06716531515,0.5110516548,0.1140259504,0.04056865349,0.2303223014,0,41,0.2164700031,0.1562262326,1.012315512,1.476650953,1.877453208,181.1385956,265.7971802,335.9419556,161.7308807,232.8924713,168.75,1.041666627,2.100000143,0.1163030863,0.8836969137,0,0 +Panama,PAN,Latin America and Caribbean,LCN,1989,emo,Male,1058610,0.3413381577,0.2076477706,0.06041318178,0.514955461,0.5982486606,0.4025145769,0.3393898308,0.06312473863,524724,0.8285394907,,0.3530466259,0.7111502886,0.02412851341,0.8583179116,0.1416821033,0.7409923077,0.2590076923,0.5492184162,0.4281517863,0.02262977883,,,,,,0.1811981052,0.3942008018,0.1652221978,0.4405770004,,0.5005173683,0.0004552126338,0.104692243,0.0161056444,0.04396909848,0.1245617196,0.06992954016,0.03514685482,0.1752457619,0.03569311276,0.05554642901,0.08237044513,0,0.04437807947,0.07042719424,0.3782916665,0.1617833823,0.06891513616,0.1382876635,0,41,0.1550668925,0.130074352,1.5625,2.279197693,2.897832394,281.25,410.2555847,521.6098022,181.1385956,269.5514526,330.6521606,,2.100000143,0.04843409359,0.4084785283,0.4171678126,0.1259195656 +Panama,PAN,Latin America and Caribbean,LCN,1989,emo,Old worker,845185,0,0,0,0.577061832,1,0.4025145769,0.3393898308,0.06312473863,579014,0.6850736737,0.4551913142,,0.6074326634,0.02370114066,0.8866676688,0.1133323237,,,0.6458716989,0.3318529725,0.02227533236,,,,,,0.2764821351,0.2573116422,0.1509895921,0.5916987658,0.9572898746,,0.0002298434119,0.09823663533,0.01630524732,0.03621786833,0.1427249759,0.06063580886,0.04076604173,0.3125402927,0.03503164276,0.05913598463,0.1461083442,0,0.1072044224,0.08028352261,0.239931196,0.1340142936,0.05234976113,0.1809724718,0,41,0.1512509733,0.1161341146,1.8125,2.6438694,3.361485481,326.25,475.8964844,605.0673828,221.8023682,300,350,1.041666627,2.100000143,0.06983240694,0.4328045547,0.3402798772,0.1570831537 +Panama,PAN,Latin America and Caribbean,LCN,1989,emo,Rural,972362,0.3700864613,0.2023155987,0.05997663364,0,0.5699369311,0.4025145769,0.3393898308,0.06312473863,331638,0.5984247327,0.2673709095,0.4646103084,0.5304906964,0.01598353684,0.8864786029,0.1135213673,0.7885667086,0.2114332914,0.4281914234,0.5595088005,0.01229973789,,,,,,0.1224599481,0.5649143457,0.1277704686,0.3073152006,0.8691805601,0.383947283,0.000697399897,0.09085589647,0.008334779181,0.02788238786,0.08677355945,0.0399627164,0.01096108463,0.1572687775,0.01234908123,0.01745637693,0.04156604037,0,0.03511684015,0.05893397704,0.5561856031,0.1094458997,0.03935167938,0.1419436038,0,41,0.2267053425,0.1295880228,1.198006511,1.747515917,2.221837997,215.6411743,314.5528564,399.9308472,163.8872986,235.0488892,244.7818756,1.041666627,2.100000143,0.09292018414,0.5765889883,0.2948913872,0.03559945896 +Panama,PAN,Latin America and Caribbean,LCN,1989,emo,Total,2122648,0.3337661326,0.2069052458,0.06115380302,0.5419108868,0.6050800681,0.6526738467,0.5516065562,0.1010672905,792720,0.6172043631,0.4116302729,0.5134054422,0.5136744006,0.0207745675,0.8322598338,0.1677401811,0.6848474145,0.3151525855,0.6326572895,0.3491479456,0.01819479838,,,,,,0.2318942547,0.2831419408,0.1465026885,0.5703553557,0.9557384253,0.6262242198,0.0003653131425,0.1001018658,0.01412139926,0.03191411868,0.1447655559,0.05795291066,0.03761209548,0.2977408171,0.0322839804,0.04910049215,0.1195196956,0,0.1043487787,0.08177807182,0.2676790655,0.1321638972,0.0474544093,0.1979555935,0,41,0.164311111,0.119759053,1.5625,2.279197693,2.897832394,281.25,410.2555847,521.6098022,189.7642517,269.5514526,306.8182068,1.041666627,2.100000143,0.05032678694,0.3823941946,0.4334471822,0.1338318288 +Panama,PAN,Latin America and Caribbean,LCN,1989,emo,Urban,1150286,0.3030637503,0.2107849717,0.06214889139,1,0.6347873211,0.4025145769,0.3393898308,0.06312473863,461082,0.631457448,0.5071653724,0.5529957414,0.5009114146,0.02462550439,0.7932623625,0.2067376375,0.5840545297,0.4159454405,0.7970029712,0.1800639182,0.02293313295,,,,,,0.3198554218,0.05669033527,0.1615571976,0.7817524672,0.9863571525,0.9439503551,0.00009842546569,0.1075325534,0.01877192408,0.03515429422,0.1913719177,0.07241106778,0.0590306744,0.4106337726,0.04830503091,0.07453541458,0.182177335,0,0.1599960625,0.1001397073,0.03578312322,0.1504241824,0.05396723002,0.2429769337,0,41,0.1348878145,0.1151239946,1.75,2.552701473,3.245572329,315,459.4862671,584.2030029,281.25,281.25,328.125,1.041666627,2.100000143,0.01738789491,0.2322169244,0.5405970216,0.209798187 +Panama,PAN,Latin America and Caribbean,LCN,1989,emo,Young worker,439187,0,1,0,0.5520723462,1,0.4025145769,0.3393898308,0.06312473863,213706,0.4865945578,0.3259074986,0.5134054422,0.3332430124,0.01050862297,0.6848474145,0.3151525855,0.6848474145,0.3151525855,0.5863032341,0.4098157883,0.003880947828,,,,,,0.07548716664,0.3737757504,0.1307589859,0.4954652488,0.9493630528,0.6262242198,0.0008406520355,0.1066466197,0.006458668038,0.01681303978,0.1519256383,0.04853910953,0.02654546686,0.2458121181,0.02264292724,0.01389761921,0.02625105903,0,0.09433162957,0.08702068776,0.3650140762,0.1256730109,0.03028232604,0.2575295866,0,41,0.2160570771,0.1341215372,0.862564683,1.258211493,1.599723458,155.2616425,226.4780731,287.9502258,140.1667633,168.75,157.5,1.041666627,2.100000143,0.01291455328,0.2857059836,0.6121442318,0.08923523128 +Panama,PAN,Latin America and Caribbean,LCN,1991,emo,Female,1104211,0.313087821,0.1998621672,0.06463710219,0.5724703074,0.6222751141,0.3966907263,0.3272382319,0.06945249438,254767,0.3707734942,0.3707734942,0.3392496407,0.3202541471,,0.8637461066,0.1362539083,0.7259625793,0.2740374207,0.8335226774,0.1490543187,0.01728666574,,,,,,0.3208757937,0.02583218925,0.1064673737,0.8677004576,0.9741678238,0.9809110165,0.0003047643404,0.09620545805,0.007978457026,0.001978693763,0.2286278307,0.03040365316,0.05634501204,0.3750056922,0.1773182601,,,,,,,,,,,41,0.1791989058,0.09677070379,1.5625,2.233732224,2.897832394,276.8832703,402.0718079,513.5112305,215.6411743,226.4232483,281.25,,2.041983843,0.05794778839,0.145478785,0.5675057769,0.2290676534 +Panama,PAN,Latin America and Caribbean,LCN,1991,emo,Higher education,1103154,0.2430032492,0.2909439802,0.02575615048,0.691018641,0.7312406301,0.3966907263,0.3272382319,0.06945249438,465101,0.5765683651,0.4483196735,0.1586790681,0.4936163425,,0.856128037,0.1438719779,0.7225096226,0.2774904072,0.79073596,0.1831556112,0.0261084009,,,,,,0.3046666682,0.07428279519,0.1591073722,0.7666098475,0.9934998751,0.8817633986,0.0006865230389,0.1106157079,0.01722342893,0.030581709,0.2536287606,0.09046763927,0.06350212544,0.309445858,0.04956545308,,,,,,,,,,,41,0.1351763904,0.1124657318,1.875,2.680478573,3.477398872,337.5,482.486145,625.9317627,258.7694092,281.25,362.25,1.052094936,2.041983843,0,0,0.5879111886,0.4120888412 +Panama,PAN,Latin America and Caribbean,LCN,1991,emo,Lower education,1095630,0.3980257809,0.1152295917,0.1063004881,0.4025126994,0.4956737161,0.3966907263,0.3272382319,0.06945249438,306577,0.5645205379,0.2443892509,0.3716782033,0.5350292325,,0.947758615,0.05224136263,0.9153241515,0.08467584103,0.4564480484,0.507614553,0.03583412617,,,,,,0.09067287296,0.4952449203,0.1345742792,0.3701808155,0.9217457175,0.4183918238,0.001449070871,0.08109633625,0.006653334945,0.04537553713,0.1290361434,0.04444276169,0.01349942014,0.09882594645,0.08437653631,,,,,,,,,,,41,0.2094264477,0.1597854048,1.041666627,1.489154696,1.931888103,187.4999847,268.0478516,347.7398682,161.7308807,229.1957397,180,1.052094936,2.041983843,0.1260065436,0.3203038275,0.5536896586,0 +Panama,PAN,Latin America and Caribbean,LCN,1991,emo,Male,1094573,0.3274738193,0.2069437057,0.06715495139,0.5218263268,0.6053712368,0.3966907263,0.3272382319,0.06945249438,516911,0.7800981998,,0.1014678925,0.7073298097,,0.9067189693,0.09328104556,0.8288697004,0.1711303294,0.5634093285,0.4003110826,0.03627961129,,,,,,0.1643933207,0.358163327,0.1685979366,0.4732387364,,0.5545305014,0.001338756643,0.09906799346,0.01500603184,0.05318515375,0.1880750358,0.09011092037,0.03584323451,0.1480169594,0.01119260397,,,,,,,,,,,41,0.1470874846,0.1470265836,1.5625,2.233732224,2.897832394,281.25,402.0718079,521.6098022,182.6607666,269.5514526,337.5,,2.041983843,0.06009491161,0.1546044052,0.5763171911,0.2089835107 +Panama,PAN,Latin America and Caribbean,LCN,1991,emo,Old worker,902541,0,0,0,0.5774496794,1,0.3966907263,0.3272382319,0.06945249438,584375,0.6474775076,0.4184137881,,0.5979019403,,0.9234327078,0.07656726986,,,0.6599528193,0.3040559292,0.03593566641,,,,,,0.2536918819,0.2327283919,0.1532751471,0.6139964461,0.972515285,,0.0007660603733,0.09856767207,0.01552153286,0.03841987625,0.1930972934,0.07766145468,0.04390286282,0.2525624931,0.0467723459,,,,,,,,,,,41,0.1508477032,0.1226194128,1.875,2.680478573,3.477398872,333.75,482.486145,618.9769897,215.6411743,285.7142944,360,1.052094936,2.041983843,0.08165920526,0.1874595433,0.5161586404,0.2147226036 +Panama,PAN,Latin America and Caribbean,LCN,1991,emo,Rural,995479,0.3557121754,0.1956003159,0.06558651477,0,0.5787013173,0.3966907263,0.3272382319,0.06945249438,317609,0.5513231754,0.2284119129,0.2991485,0.5176597238,,0.9389406443,0.06105935201,0.8761917353,0.1238082573,0.457886219,0.5100497603,0.03206400573,,,,,,0.1293793768,0.5256955028,0.1235423312,0.3507621586,0.9077224135,0.4378860295,0.001804370084,0.07724581659,0.00707997242,0.03741217032,0.1210168898,0.05054583773,0.01009508129,0.1282779723,0.0408263877,,,,,,,,,,,41,0.2056242377,0.130496189,1.257906914,1.798289418,2.332930088,225.1293945,323.6921082,417.527832,167.5840149,231.8142548,258.7694092,1.052094936,2.041983843,0.09283455461,0.2237463295,0.5645049214,0.1189142168 +Panama,PAN,Latin America and Caribbean,LCN,1991,emo,Total,2198784,0.3202492893,0.2033874243,0.06589051336,0.5472593307,0.6138602048,0.6290354051,0.5216974268,0.1073379783,771678,0.571720903,0.3707734942,0.2188101709,0.5102789573,,0.8925315738,0.1074683964,0.7961217761,0.203878209,0.6497102976,0.320034802,0.03021138348,,,,,,0.2143893242,0.2519998252,0.1487502605,0.5992498994,0.9741678238,0.678301394,0.001008446794,0.0981535539,0.01276106667,0.03682719916,0.2010296583,0.07103737444,0.04239254817,0.2205287218,0.06426160038,,,,,,,,,,,41,0.1593334526,0.1278610677,1.5625,2.233732224,2.897832394,281.25,402.0718079,521.6098022,185.7831726,258.7694092,314.0625,1.052094936,2.041983843,0.05901457369,0.1500128061,0.5718836784,0.2190889418 +Panama,PAN,Latin America and Caribbean,LCN,1991,emo,Urban,1203305,0.2909112871,0.2098295987,0.06614200026,1,0.6429467201,0.3966907263,0.3272382319,0.06945249438,454069,0.5869095325,0.4635813832,0.1568543613,0.5047830939,,0.8600697517,0.1399302781,0.7214028239,0.2785971463,0.7961903214,0.1749361753,0.02879668958,,,,,,0.2793043256,0.04276425391,0.1680212915,0.7892144322,0.9961615205,0.9506123662,0.0003999774344,0.1141371503,0.01710416377,0.03638000041,0.2621980309,0.08670280129,0.06708339602,0.2910528183,0.08217741549,,,,,,,,,,,41,0.1375386268,0.1266203821,1.75,2.501780033,3.245572329,312.5,450.3203735,579.5664673,234.3750153,281.25,327.2727356,1.052094936,2.041983843,0.02816894464,0.08276389539,0.5786135197,0.3104536533 +Panama,PAN,Latin America and Caribbean,LCN,1991,emo,Young worker,447205,0,1,0,0.5645934343,1,0.3966907263,0.3272382319,0.06945249438,187303,0.4188302755,0.2700847387,0.2188101709,0.3334399164,,0.7961217761,0.203878209,0.7961217761,0.203878209,0.6126438379,0.3778601885,0.009495962411,,,,,,0.07215858996,0.3216985762,0.1323851943,0.5459161997,0.9809110165,0.678301394,0.001885083737,0.09665582329,0.002777311951,0.03106698394,0.2297185808,0.04708013311,0.03693019971,0.1046724617,0.1275148392,,,,,,,,,,,41,0.1932161152,0.1487903893,0.8806818128,1.259012699,1.633323669,157.5,226.6222839,292.1015015,129.3847046,180,155.2616425,1.052094936,2.041983843,0.01691091061,0.08038724214,0.6754944921,0.2272073776 +Panama,PAN,Latin America and Caribbean,LCN,1995,eh0,Female,1223300,0.3273857534,0.188465625,0.06242213771,0.6113177538,0.6101921201,0.3895337284,0.3268353045,0.06269841641,309430,0.4145365655,0.4145365655,0.3160052001,0.3672472835,0.03222911805,0.8859224916,0.114077501,0.7894865274,0.2105134726,0.814869523,0.172494173,0.01263629459,,,,,,0.2803331316,0.03106179088,0.1099146008,0.8590236306,0.9689382315,0.965539217,0.001725452486,0.09821946174,0.006949232426,0.003020453732,0.2466302663,0.03118946776,0.07116305828,0.3393815458,0.1706592888,0.02685874142,0.1770351529,0.02903420478,0.246309936,0.1964461356,0.02685508505,0.06979031116,0.003846364794,0.2238240689,0,42,0.2040415555,0.1308089793,1.5625,2.135212898,2.897832394,281.25,384.3383179,521.6098022,258.7694092,276.75,281.25,,2.088935614,0.0433761254,0.1249862313,0.5807109475,0.2509266734 +Panama,PAN,Latin America and Caribbean,LCN,1995,eh0,Higher education,1308763,0.2517331243,0.2614789605,0.02405935898,0.7259404659,0.7242075205,0.3895337284,0.3268353045,0.06269841641,596833,0.6296929121,0.4803320467,0.1286651045,0.5577812791,0.04838520661,0.8857988715,0.1142011285,0.7776981592,0.2223018557,0.7872223854,0.1822465211,0.03053110279,,,,,,0.2610323131,0.05857674032,0.1959941238,0.7454291582,0.9898433685,0.9169738293,0.001728853676,0.1178136244,0.01280940603,0.06364224106,0.2450035363,0.09282847494,0.07927380502,0.2746437192,0.05367958173,0.03784544021,0.1713262647,0.05931785703,0.1925313771,0.1635653228,0.04964986816,0.1624658257,0.06621056795,0.09662302583,0.0004644426517,42,0.1475061625,0.1505391151,1.875,2.562255621,3.477398872,337.5,461.2060242,625.9317627,215.6411743,281.25,365.625,1.050000072,2.088935614,0,0,0.5700163245,0.4299836457 +Panama,PAN,Latin America and Caribbean,LCN,1995,eh0,Lower education,1138133,0.4262085259,0.1076614037,0.1008115932,0.4385963678,0.4729798734,0.3895337284,0.3268353045,0.06269841641,327163,0.6077549458,0.2869718969,0.3409285545,0.5685139298,0.02823823132,0.9354327917,0.06456720084,0.880374372,0.119625628,0.5277758837,0.4467404485,0.02548368089,,,,,,0.07164446265,0.4294093251,0.1647959948,0.4057946801,0.9053962231,0.4934438765,0.002398387063,0.0935272947,0.006590663455,0.06227964535,0.1482882947,0.0427396521,0.01457330585,0.1036044434,0.09658899903,0.01043023076,0.004128905479,0.02188123763,0.02251267806,0.1417830884,0.4246098399,0.1453296244,0.05121216923,0.1781122237,0,42,0.2357289046,0.1788487285,1.024999976,1.400699615,1.900977969,184.0908966,252.1259308,341.4173279,140.1667633,249.9999847,182.8125,1.050000072,2.088935614,0.101323761,0.3118960261,0.5867801905,0 +Panama,PAN,Latin America and Caribbean,LCN,1995,eh0,Male,1223596,0.3383878469,0.1914005876,0.05709727854,0.5732610822,0.6045148969,0.3895337284,0.3268353045,0.06269841641,614566,0.8308516145,,0.05529959872,0.7578689456,0.04528686404,0.9121591449,0.08784084767,0.8231796026,0.1768203974,0.6320627332,0.3314109147,0.03652632609,,,,,,0.1482013315,0.2744808197,0.2210559696,0.5044631958,,0.6721469164,0.002096035983,0.1141367331,0.01228009444,0.09254311025,0.191408217,0.09562561661,0.04791805521,0.149610579,0.01990074664,0.02824219689,0.07722380757,0.05367196724,0.07339648157,0.1356004328,0.2655688524,0.1983975917,0.08849674463,0.07896415144,0.0004377665755,42,0.1575222164,0.1752212942,1.5625,2.135212898,2.897832394,281.25,384.3383179,521.6098022,155.2616425,281.25,328.125,,2.088935614,0.04386976361,0.1433626711,0.5738440156,0.2389235497 +Panama,PAN,Latin America and Caribbean,LCN,1995,eh0,Old worker,1021383,0,0,0,0.6362627745,1,0.3895337284,0.3268353045,0.06269841641,712122,0.6972134709,0.4726845324,,0.6486420631,0.04660896584,0.9303349853,0.06966502964,,,0.6848011613,0.2802470028,0.03495182097,,,,,,0.2237468958,0.1828132868,0.1826804578,0.6345062256,0.9697295427,,0.001693554223,0.1088236868,0.01138847321,0.06077474728,0.2017080486,0.07963327318,0.05737405643,0.2401284873,0.05566238984,0.03339832276,0.1280150563,0.04799430072,0.1331667453,0.1497834772,0.1746072322,0.1516756564,0.06561989337,0.1156440154,0.00009528981172,42,0.1679888368,0.159331724,1.797009826,2.455679178,3.332757235,323.4617615,442.0222473,599.8963013,168.200119,300,361.6071167,1.050000072,2.088935614,0.05816898122,0.1637994647,0.5258923769,0.2521391511 +Panama,PAN,Latin America and Caribbean,LCN,1995,eh0,Rural,997631,0.394764185,0.1696729511,0.06316564232,0,0.5420701504,0.3895337284,0.3268353045,0.06269841641,324134,0.5993757248,0.2794510126,0.2730119228,0.5604398251,0.03458515555,0.9350392222,0.06496078521,0.8666112423,0.1333887577,0.5084466934,0.4626498818,0.02890345082,,,,,,0.1095889509,0.4802130163,0.149096936,0.3706900477,0.8890019655,0.4731907845,0.002583493246,0.08595477045,0.004975616932,0.05558305234,0.1346584111,0.0416460447,0.01172305457,0.138020575,0.04464197159,0.01364050619,0.0482288152,0.01915482432,0.04100406915,0.1272123307,0.4710943997,0.1304515749,0.04959253594,0.09943932295,0.0001816092554,42,0.255351305,0.148404941,1.198006511,1.637119412,2.221837997,215.6411743,294.6815186,399.9308472,141.1469574,261.1414795,258.7694092,1.050000072,2.088935614,0.08077189326,0.2287362367,0.563011229,0.1274806112 +Panama,PAN,Latin America and Caribbean,LCN,1995,eh0,Total,2446896,0.3328874707,0.1899332851,0.05975938588,0.5922871232,0.6073531657,0.6464885321,0.5480953908,0.09839314135,923996,0.6217464019,0.4145365655,0.184629485,0.5616688771,0.04099852219,0.9033729434,0.0966270417,0.8127518892,0.187248081,0.6920989752,0.2792205215,0.02868051641,,,,,,0.1915951967,0.1945387274,0.1845556498,0.6209056377,0.9689382315,0.7603498101,0.001974331215,0.1089092866,0.01052936725,0.06314266473,0.2095438838,0.07446391881,0.05555202812,0.2119339257,0.06941188127,0.02778804675,0.1099891514,0.04558406398,0.1301592439,0.1555744112,0.1872056425,0.1561793387,0.06070833653,0.1265177131,0.0002940597478,42,0.1743521243,0.1591536552,1.5625,2.135212898,2.897832394,281.25,384.3383179,521.6098022,155.2616425,281.25,304.6875,1.050000072,2.088935614,0.04362605512,0.1342902482,0.5772342086,0.2448494732 +Panama,PAN,Latin America and Caribbean,LCN,1995,eh0,Urban,1449265,0.2902933657,0.2038798928,0.05741462111,1,0.6522920132,0.3895337284,0.3268353045,0.06269841641,599862,0.6345435977,0.4842115939,0.1339973509,0.5623720288,0.04465469718,0.8862621784,0.113737829,0.7772391438,0.2227608711,0.7967966795,0.1746498942,0.0285534244,,,,,,0.2383458614,0.03167963028,0.2047701925,0.7635501623,0.9932180643,0.9714633822,0.001627056161,0.1219953522,0.01369548682,0.06745229661,0.2522350848,0.09317294508,0.08053833991,0.2540709376,0.08353287727,0.03586729243,0.14525868,0.06067702919,0.1810731739,0.1717711687,0.02508504316,0.1708717048,0.0670562461,0.1419813782,0.0003582769423,42,0.1416243017,0.1634967029,1.704545498,2.329323292,3.161271811,304.6875,419.2781677,565.0773315,234.3750153,281.25,328.125,1.050000072,2.088935614,0.0176042784,0.06812799722,0.5871978402,0.3270698786 +Panama,PAN,Latin America and Caribbean,LCN,1995,eh0,Young worker,464747,0,1,0,0.6357781887,1,0.3895337284,0.3268353045,0.06269841641,211874,0.4558910429,0.2844198644,0.184629485,0.3705263436,0.01941335946,0.8127518892,0.187248081,0.8127518892,0.187248081,0.7201758623,0.2752713263,0.0045528193,,,,,,0.06789740175,0.239650175,0.1917700768,0.5685797334,0.965539217,0.7603498101,0.003054569941,0.1092386246,0.007224116009,0.07225277275,0.2396908253,0.05457575619,0.04854211211,0.1034604907,0.1223105565,0.006225911435,0.04070967436,0.03632072359,0.1186004207,0.1778308749,0.2356254756,0.1734884232,0.04183161631,0.1683088839,0.001057998044,42,0.1995616555,0.1584482193,1.041666627,1.423475266,1.931888103,187.4999847,256.2255554,347.7398682,138.6264801,219.375,187.4999847,1.050000072,2.088935614,0.01452816464,0.07524739951,0.6799603701,0.2302640826 +Panama,PAN,Latin America and Caribbean,LCN,1997,eh0,Female,1265196,0.3150800467,0.1857261658,0.06380987912,0.6220514178,0.6211100817,0.3834936917,0.3175086975,0.06598498672,335708,0.4272039831,0.4272039831,0.3036386073,0.3811759949,0.03455654904,0.8922575712,0.1077424437,0.7748501301,0.2251498699,0.7989470363,0.1871882677,0.01386468485,,,,,,0.2637194693,0.0221407637,0.110783942,0.8670753241,0.9778592587,0.9720370173,0.0006209562998,0.09633168578,0.00723781297,0.006593487225,0.2629649639,0.03368854523,0.07488198578,0.3393259048,0.1562139094,0.02953245305,0.1683630496,0.02801873907,0.2551392615,0.2155788839,0.01904672757,0.05902480707,0.005714018364,0.2195820361,0,42,0.1963133663,0.1313431859,1.5625,2.081171513,2.897832394,281.25,374.6108398,521.6098022,237.2052917,241.0714417,281.25,,1.982460022,0.04353374988,0.1196057126,0.575270772,0.2615897655 +Panama,PAN,Latin America and Caribbean,LCN,1997,eh0,Higher education,1389459,0.2435530722,0.2592339814,0.02865719609,0.7235586047,0.7277897596,0.3834936917,0.3175086975,0.06598498672,640810,0.6336911321,0.4929393828,0.1260456145,0.5610323548,0.04565027729,0.8853404522,0.1146595702,0.7676651478,0.2323348224,0.7736980915,0.1945711076,0.03173081204,,,,,,0.2458001077,0.0528347455,0.19084315,0.7563220859,0.9927022457,0.9223244786,0.001988243312,0.1130055413,0.01338538993,0.06246397644,0.2610556483,0.08868481219,0.07997391373,0.2805943489,0.04601337761,0.03972993046,0.1667558551,0.05944830924,0.2029377073,0.1694667935,0.04809059203,0.1524982154,0.06667867303,0.0938411206,0.0005527857575,42,0.1340470165,0.1531963199,1.875,2.497405767,3.477398872,337.5,449.5330505,625.9317627,234.3750153,300,351.5625,1.047619104,1.982460022,0,0,0.5626178384,0.4373821616 +Panama,PAN,Latin America and Caribbean,LCN,1997,eh0,Lower education,1137768,0.4236276746,0.1000476405,0.1033347771,0.4496777952,0.4730375707,0.3834936917,0.3175086975,0.06598498672,325147,0.6041300297,0.2948696315,0.3413305581,0.5676941872,0.03982496262,0.9396888018,0.06031118333,0.889244616,0.1107553765,0.5058274269,0.4745022655,0.01967028528,,,,,,0.06740263849,0.3967441022,0.1775071472,0.4257487655,0.9319365025,0.5329418778,0.002785260091,0.09330130368,0.004879932851,0.07654064894,0.1600788087,0.03516758978,0.01632862724,0.1150269881,0.0991467461,0.01075786632,0.008382880129,0.025138814,0.02216107398,0.1513864994,0.3964194953,0.1514192522,0.05049710721,0.1838369966,0,42,0.2358435094,0.194910422,1.041666627,1.387447596,1.931888103,187.4999847,249.7405548,347.7398682,154.1834564,244.5652161,183.642807,1.047619104,1.982460022,0.09810908884,0.2996096313,0.6022812724,0 +Panama,PAN,Latin America and Caribbean,LCN,1997,eh0,Male,1262031,0.3341906667,0.1894137263,0.06074098125,0.5784065723,0.605068326,0.3834936917,0.3175086975,0.06598498672,630249,0.8253491521,,0.05398960784,0.7508155107,0.04834180325,0.9096944332,0.09030557424,0.8199488521,0.1800511628,0.617755115,0.3476071656,0.0346377492,,,,,,0.1413678527,0.2521444857,0.2255631089,0.5222924352,,0.7061588764,0.003127321834,0.1112161502,0.0120645212,0.09915512055,0.2062462717,0.08889757097,0.04871680215,0.161677137,0.01675463095,0.02960728668,0.08142790198,0.05758234486,0.07919800282,0.1357056051,0.2491035014,0.2008077204,0.08992981911,0.07609083503,0.0005469885655,42,0.1437015086,0.186083287,1.5625,2.081171513,2.897832394,281.25,374.6108398,521.6098022,162.7743073,281.25,328.125,,1.982460022,0.03884837404,0.1318380684,0.5832190514,0.2460945249 +Panama,PAN,Latin America and Caribbean,LCN,1997,eh0,Old worker,1075415,0,0,0,0.6436473131,1,0.3834936917,0.3175086975,0.06598498672,750094,0.6974925995,0.4822545648,,0.6500141621,0.04833091423,0.9319298863,0.06807013601,,,0.6741164327,0.2928179502,0.03306558356,,,,,,0.2097792029,0.1638658941,0.1858733892,0.6502606869,0.9791479707,,0.001995608211,0.1057514995,0.0115559306,0.06657034159,0.2167788446,0.07370303571,0.05875099078,0.2464726418,0.05455520749,0.03477398679,0.1283651888,0.04741737992,0.1404999793,0.1576520056,0.1593296826,0.1507436335,0.06677144021,0.113998279,0.00044842856,42,0.1554097831,0.166150853,1.820652127,2.425017118,3.376604557,323.4617615,436.5030823,599.8963013,172.5129395,323.4617615,337.5,1.047619104,1.982460022,0.05428517237,0.1540682018,0.5276746154,0.263972044 +Panama,PAN,Latin America and Caribbean,LCN,1997,eh0,Rural,1010243,0.3881224692,0.1684921384,0.06404399872,0,0.5478335619,0.3834936917,0.3175086975,0.06598498672,327197,0.5912005901,0.2798911035,0.2681150138,0.5505768657,0.04741823301,0.931286037,0.06871395558,0.865111053,0.134888947,0.4920548499,0.4865775704,0.02136757784,,,,,,0.1074056327,0.4483121932,0.1597858965,0.3919019103,0.9180260301,0.5112218857,0.003537743585,0.08826309443,0.005464140326,0.06252092123,0.1530057639,0.040605288,0.01211299747,0.1387071162,0.0474707447,0.0126434369,0.04391723499,0.02346191183,0.04956936091,0.1375679374,0.4393856823,0.1381128132,0.05032429099,0.1050173342,0,42,0.2357555777,0.1679633111,1.242504001,1.654952884,2.304363728,222.5417023,297.89151,412.7286682,159.6976929,258.7694092,258.7694092,1.047619104,1.982460022,0.07466048747,0.2098864913,0.5847004056,0.1307525933 +Panama,PAN,Latin America and Caribbean,LCN,1997,eh0,Total,2527227,0.3246234059,0.1875676364,0.06227735057,0.6002563238,0.6130992621,0.6310572862,0.5294793616,0.1015779245,965957,0.6234228954,0.4272039831,0.17774342,0.5633463921,0.04361120611,0.903634429,0.09636557102,0.8053116798,0.1946882904,0.6799336076,0.2925572097,0.02750918828,,,,,,0.183354497,0.1732155532,0.1861750633,0.6406093836,0.9778592587,0.7891875505,0.002267228207,0.1061083376,0.01040816959,0.06739132106,0.2257100642,0.06995183975,0.05769574642,0.2226397395,0.06461199373,0.02958158962,0.111280933,0.04743037373,0.1396152377,0.1631336361,0.1701033115,0.1521202773,0.06101059169,0.1253648996,0.0003591558489,42,0.1636505723,0.165327251,1.5625,2.081171513,2.897832394,281.25,374.6108398,521.6098022,166.0437012,281.25,306.8182068,1.047619104,1.982460022,0.0411788635,0.1257537305,0.5792655945,0.2538018227 +Panama,PAN,Latin America and Caribbean,LCN,1997,eh0,Urban,1516984,0.2823358774,0.20027107,0.06110084057,1,0.656563282,0.3834936917,0.3175086975,0.06598498672,638760,0.641327858,0.5008570552,0.1271098852,0.5704420209,0.04156942293,0.8894702196,0.1105297729,0.7694587708,0.2305412292,0.7806965709,0.1885003746,0.03080305085,,,,,,0.2240873128,0.02567595616,0.2003280818,0.7739959955,0.994695425,0.9765601158,0.001585826511,0.1156790927,0.01305974741,0.07000341266,0.2647027671,0.08569095284,0.08214264363,0.2676544189,0.07380517572,0.03868572786,0.1474884599,0.06031325459,0.1880142689,0.1768750101,0.02536589839,0.1596492082,0.06675440818,0.1363015622,0.0005521996063,42,0.1361002624,0.1643200517,1.787500024,2.38086009,3.31512022,321.4285889,428.5548096,596.1255493,244.5652161,300,328.125,1.047619104,1.982460022,0.01799297519,0.06749213487,0.5755019784,0.3390128911 +Panama,PAN,Latin America and Caribbean,LCN,1997,eh0,Young worker,474026,0,1,0,0.6409099698,1,0.3834936917,0.3175086975,0.06598498672,215863,0.4553821981,0.2981530428,0.17774342,0.3667246103,0.02463227138,0.8053116798,0.1946882904,0.8053116798,0.1946882904,0.70332551,0.2915087044,0.005165758543,,,,,,0.07709521055,0.2108124346,0.1873881817,0.6017993689,0.9720370173,0.7891875505,0.003359468887,0.1075432748,0.005792783108,0.07069265842,0.2616243958,0.05486749113,0.05345237255,0.1268026978,0.1050524339,0.008691892959,0.04254877567,0.04748263583,0.1360557973,0.1851868927,0.2134470791,0.157658726,0.03783394396,0.1710942686,0,42,0.1977527887,0.161918968,1.083333373,1.4429456,2.009163857,195.0000153,259.7301941,361.6495056,140.1667633,223.1886292,196.875,1.047619104,1.982460022,0.01404359844,0.06713151187,0.6860795021,0.232745409 +Panama,PAN,Latin America and Caribbean,LCN,1998,eh0,Female,1289169,0.3152751923,0.1808955967,0.06863646209,0.624568224,0.6160883307,0.3860861659,0.3179758787,0.06811026484,351977,0.4431608915,0.4431608915,0.2896979153,0.3834095895,0.04458491877,0.8651701808,0.1348298341,0.7112535238,0.2887464762,0.7874589562,0.1959608495,0.01658019237,,,,,,0.2621962428,0.01630763151,0.1052311808,0.8784611821,0.983692348,0.9874209166,0.0003251018061,0.09170826524,0.008124261163,0.005073558539,0.2596808076,0.02613949776,0.07762379944,0.3577827513,0.1572343409,0.03041588701,0.1747112274,0.02837609686,0.2527265847,0.2191391438,0.01304478012,0.05595931038,0.003319592215,0.2223073989,0,42,0.2156675905,0.1422624737,1.5625,2.069600582,2.897832394,281.25,372.5281372,521.6098022,258.7694092,255.6818085,291.1156006,,1.995933414,0.04286037758,0.1136752591,0.5863889456,0.257075429 +Panama,PAN,Latin America and Caribbean,LCN,1998,eh0,Higher education,1416205,0.241576612,0.253744334,0.03234206885,0.7225641608,0.7260813117,0.3860861659,0.3179758787,0.06811026484,669483,0.651070714,0.5122945905,0.1165341139,0.5713531375,0.05545257777,0.8775592446,0.1224407479,0.7528018951,0.24719809,0.7774935365,0.1907879114,0.03171855584,,,,,,0.2446694672,0.04893014953,0.1857633293,0.7653065324,0.9946374893,0.930339992,0.0007131781313,0.1064609885,0.01407633256,0.06451283395,0.2649993002,0.08532606065,0.08645625412,0.285436362,0.04308855534,0.03711667657,0.1684696823,0.06887295097,0.1919182539,0.1779276133,0.04377238825,0.1492773443,0.06700764596,0.09563744068,0,42,0.1511459202,0.1653158963,1.875,2.483520746,3.477398872,337.5,447.0337219,625.9317627,196.6647491,318.75,350,1.083032489,1.995933414,0,0,0.5660427809,0.4339572191 +Panama,PAN,Latin America and Caribbean,LCN,1998,eh0,Lower education,1149214,0.4180579185,0.09589945525,0.1064614579,0.4576684535,0.4754806459,0.3860861659,0.3179758787,0.06811026484,332883,0.6091971397,0.303573519,0.3402444422,0.5730900168,0.05543616042,0.9407299161,0.05927007273,0.8671099544,0.1328900605,0.5177852511,0.4577091634,0.02450559288,,,,,,0.06599649042,0.3802933395,0.1792606115,0.440446049,0.9491580725,0.5520379543,0.001175144454,0.08542788774,0.002513148589,0.09014443308,0.1606882215,0.03864884004,0.01969324984,0.1270752698,0.09434046596,0.009689742699,0.007081089076,0.02402774803,0.02342034131,0.1551222056,0.3779479265,0.1546458602,0.0579306595,0.1901344359,0,42,0.2614206374,0.1932870597,1.078205943,1.4281317,1.999654412,194.0770721,257.0636902,359.9378052,152.0270233,253.125,188.6860352,1.083032489,1.995933414,0.09940907359,0.2792403102,0.621350646,0 +Panama,PAN,Latin America and Caribbean,LCN,1998,eh0,Male,1276250,0.3260466158,0.185197264,0.06242194027,0.5830237269,0.6115314364,0.3860861659,0.3179758787,0.06811026484,650389,0.8333331347,,0.04999196157,0.7638298869,0.06099532917,0.916596055,0.08340393007,0.8239116669,0.176088348,0.6359788775,0.3283585906,0.0356625244,,,,,,0.1418600231,0.2396585345,0.2234845906,0.5368568897,,0.7310033441,0.001154083526,0.1029482782,0.01104263403,0.1083395928,0.2129217088,0.09104008228,0.05589756742,0.1652939618,0.01170354802,0.02611736394,0.08040819317,0.06598354131,0.0722342208,0.1448753029,0.2352126241,0.1997864842,0.09477905184,0.08060321212,0,42,0.1643062234,0.1919833124,1.5625,2.069600582,2.897832394,281.25,372.5281372,521.6098022,161.7308807,300,320.625,,1.995933414,0.04072033614,0.1210007519,0.5921447873,0.246134147 +Panama,PAN,Latin America and Caribbean,LCN,1998,eh0,Old worker,1105146,0,0,0,0.6412926316,1,0.3860861659,0.3179758787,0.06811026484,780961,0.7066586614,0.4946875274,,0.6574986577,0.05981569737,0.9304331541,0.06956685334,,,0.6724366546,0.2926515639,0.03491175547,,,,,,0.2070952058,0.1577125639,0.1837794036,0.6585080028,0.9829076529,,0.001015644753,0.09897857159,0.01168266777,0.07210252434,0.2214766145,0.07359846681,0.06383561343,0.2477333844,0.0518639423,0.03231576458,0.1274992228,0.05458913371,0.1335602403,0.1647341251,0.1519901305,0.1466917545,0.07085389644,0.1177657396,0,42,0.174028337,0.1790630817,1.8125,2.400736809,3.361485481,326.25,432.1326294,605.0673828,168.200119,323.4617615,337.5,1.083032489,1.995933414,0.05323659629,0.1438539326,0.5387465358,0.2641629279 +Panama,PAN,Latin America and Caribbean,LCN,1998,eh0,Rural,1016161,0.3850344718,0.1634563804,0.06138987839,0,0.553575635,0.3860861659,0.3179758787,0.06811026484,334580,0.5947856307,0.2846024632,0.2569386661,0.552693069,0.06143093482,0.92923069,0.0707693249,0.8448661566,0.1551338285,0.506490767,0.4715440869,0.02196511999,,,,,,0.1114434749,0.4339502454,0.1509189457,0.4151308239,0.9364775419,0.5299246311,0.001267280313,0.07524879277,0.006641964428,0.06776089966,0.1599475145,0.04313256219,0.01751998998,0.1527748257,0.04175592214,0.01305216644,0.04856912047,0.02239399217,0.04839213192,0.1501288861,0.426386863,0.1350783408,0.05319337174,0.1028051227,0,42,0.2609072626,0.1696468741,1.24353075,1.647111654,2.306267977,223.8355408,296.4801025,415.1282349,155.2616425,258.7694092,258.7694092,1.083032489,1.995933414,0.07335698605,0.1912440062,0.606256783,0.1291422099 +Panama,PAN,Latin America and Caribbean,LCN,1998,eh0,Total,2565419,0.320633769,0.1830355972,0.06554485112,0.6039005518,0.6138213724,0.6291384392,0.5223568019,0.1067816373,1002366,0.636540461,0.4431608915,0.1690401435,0.5719558265,0.05544687063,0.898538053,0.1014619395,0.7860346437,0.2139653563,0.6871952415,0.2835941017,0.02921067178,,,,,,0.1825464368,0.1641422361,0.183502391,0.6523553729,0.983692348,0.809012115,0.000873799785,0.09914796054,0.01005591452,0.07342471927,0.2287312448,0.06909679621,0.06324333698,0.2303755879,0.0609083958,0.02757107466,0.112300396,0.05326513574,0.1332746595,0.1699904799,0.1600780189,0.151145786,0.06384851038,0.1285259426,0,42,0.1834018528,0.1734976172,1.5625,2.069600582,2.897832394,281.25,372.5281372,521.6098022,162.8090973,286.3636475,309.0000305,1.083032489,1.995933414,0.04178214073,0.1173661277,0.58928895,0.251562804 +Panama,PAN,Latin America and Caribbean,LCN,1998,eh0,Urban,1549258,0.2783932686,0.1958776414,0.06827010214,1,0.6533366442,0.3860861659,0.3179758787,0.06811026484,667786,0.6597456932,0.5234581232,0.1209299266,0.5826610923,0.0522922799,0.8831601739,0.1168398261,0.7539104223,0.2460896075,0.7824563384,0.1845134199,0.03303027153,,,,,,0.2200294286,0.0219088383,0.2006792575,0.7774118781,0.9968387485,0.9797899127,0.0006663704989,0.1117467731,0.0118556302,0.07641048729,0.264991641,0.08278424293,0.08734709769,0.271284014,0.07100491226,0.03524399921,0.1459809691,0.06957985461,0.1781332046,0.1804868877,0.01933964342,0.1596370786,0.06947951764,0.1421188265,0,42,0.153628543,0.1749768555,1.787500024,2.367623091,3.31512022,321.75,426.1721802,596.7216187,234.3750153,306.8182068,328.125,1.083032489,1.995933414,0.01991683803,0.06620633602,0.5775388479,0.3363379836 +Panama,PAN,Latin America and Caribbean,LCN,1998,eh0,Young worker,469563,0,1,0,0.6462711096,1,0.3860861659,0.3179758787,0.06811026484,221405,0.4715128839,0.3191998601,0.1690401435,0.3706254661,0.03720580041,0.7860346437,0.2139653563,0.7860346437,0.2139653563,0.7488163114,0.2457766384,0.005407051649,,,,,,0.08004849404,0.1909878701,0.1823457778,0.6266663671,0.9874209166,0.809012115,0.0002815574117,0.09985519946,0.003263767576,0.07894524932,0.2590213418,0.05030109361,0.0607704334,0.1579020023,0.09867151082,0.007757339627,0.04883035272,0.04773614556,0.1320821047,0.1919408888,0.1938528717,0.1697458029,0.0345941633,0.1734603345,0,42,0.222837016,0.1500832289,1.128472209,1.494711518,2.092878819,203.125,269.0480652,376.7182007,139.0885468,223.8355408,209.9999847,1.083032489,1.995933414,0.01695976406,0.05996574834,0.6988168359,0.2242576778 +Panama,PAN,Latin America and Caribbean,LCN,1999,eh0,Female,1313722,0.3142392337,0.1815026253,0.07064279914,0.6278299093,0.6151179671,0.3825632036,0.3117200136,0.07084318995,353882,0.4379218221,0.4379218221,0.2808080614,0.390403837,0.04344132543,0.8914920688,0.1085079238,0.7686175108,0.231382519,0.7801751494,0.2041060776,0.01571875438,,,,,,0.2338129133,0.0177949369,0.103818588,0.8783864975,0.9822050929,0.9790638685,0.0001489779097,0.09200812876,0.003594488371,0.008066996001,0.2776536345,0.03434416279,0.08615361154,0.3369088173,0.1433262676,0.03833342344,0.160059303,0.02559803426,0.2677326798,0.2296983004,0.016034564,0.05319402739,0.004161350895,0.205188334,0,41,0.2251853794,0.1274086535,1.617308855,2.115809202,2.99948144,291.1156006,380.8456726,539.9066772,236.25,265.9091187,300,,1.919999838,0.04121505842,0.1028942987,0.593575418,0.2623151839 +Panama,PAN,Latin America and Caribbean,LCN,1999,eh0,Higher education,1471825,0.2352657467,0.2574028969,0.03662527725,0.7265870571,0.7281090021,0.3825632036,0.3117200136,0.07084318995,687274,0.6413238049,0.5012655854,0.1235337257,0.5746666789,0.05923606828,0.8960632682,0.1039367095,0.7928496599,0.2071503699,0.7704634666,0.1979065984,0.03162991628,,,,,,0.2194852233,0.04863917828,0.190662846,0.7606979609,0.993657887,0.9335861802,0.0009223159868,0.1055061296,0.01009351481,0.07414089143,0.2645585537,0.09271548688,0.09205135703,0.2706575096,0.04071505368,0.04103072733,0.1622491181,0.06018763781,0.1983124614,0.177457884,0.04218369722,0.1516522318,0.07348837703,0.09343785793,0,41,0.1497719437,0.1563869268,1.875,2.452928066,3.477398872,337.5,441.5270691,625.9317627,216.2499847,321.4285889,365.625,1.004464269,1.919999838,0,0,0.5728408694,0.4271591604 +Panama,PAN,Latin America and Caribbean,LCN,1999,eh0,Lower education,1131467,0.4224303365,0.08908522874,0.1105821058,0.4519627988,0.4669875503,0.3825632036,0.3117200136,0.07084318995,323712,0.6126488447,0.2954245806,0.3211107552,0.5830035806,0.06838544458,0.9516112804,0.04838868976,0.8920196891,0.1079802886,0.5117611289,0.4681575596,0.02008128539,,,,,,0.05782864988,0.388449192,0.1720575988,0.4394932091,0.9417928457,0.5377243161,0.001194618992,0.08460369706,0.002350283088,0.08390899748,0.1722101718,0.04792110249,0.01889315993,0.1124727279,0.08799602836,0.01285760757,0.006989596877,0.02410598099,0.02696684003,0.1541547477,0.3837646246,0.1549512297,0.06190181896,0.1743075401,0,41,0.2612991035,0.1917743534,1.145833373,1.499011636,2.125077248,206.2500153,269.8220825,382.5138855,168.200119,258.7694092,206.2500153,1.004464269,1.919999838,0.09392086416,0.2715654075,0.6345137358,0 +Panama,PAN,Latin America and Caribbean,LCN,1999,eh0,Male,1289570,0.3190311491,0.1870429665,0.06686027348,0.5862388015,0.6141085625,0.3825632036,0.3117200136,0.07084318995,657104,0.8297438025,,0.05062498525,0.7682514787,0.07205878943,0.9258899689,0.07411003113,0.8456854224,0.1543145627,0.6344414949,0.3315253258,0.03403319418,,,,,,0.1302058101,0.2366856933,0.2262748927,0.5370393991,,0.7419424653,0.001461195294,0.1019220725,0.009542969987,0.1133486554,0.2110104114,0.1003030837,0.05806813389,0.1562114805,0.01144630369,0.02813952044,0.08463785797,0.05981420726,0.07542895526,0.1385639757,0.2289827466,0.2043536603,0.1035420895,0.0765369907,0,41,0.1549547613,0.1894365251,1.653249025,2.162827253,3.066136599,297.5848083,389.3088989,551.904541,170.8699646,300,337.5,,1.919999838,0.03466551378,0.1162277833,0.6018236876,0.2472829968 +Panama,PAN,Latin America and Caribbean,LCN,1999,eh0,Old worker,1120381,0,0,0,0.6437604427,1,0.3825632036,0.3117200136,0.07084318995,787891,0.703234911,0.4893373251,,0.6613919735,0.06885457784,0.9404993653,0.05950061604,,,0.6679874063,0.298461169,0.03355145827,,,,,,0.1911456138,0.1566980779,0.184981063,0.6583208442,0.9829088449,,0.0007948600105,0.0982266143,0.009014710784,0.07694488019,0.2236512005,0.08184088767,0.0669747144,0.2392636538,0.04659040272,0.03698020801,0.124578312,0.04811245948,0.1412631422,0.1660615206,0.1497924626,0.1507052481,0.07545690238,0.1070497483,0,41,0.1738461703,0.1706285626,1.84375,2.412045956,3.419442177,331.875,434.1682739,615.4995728,184.3732147,323.4617615,360.9374695,1.004464269,1.919999838,0.04873346165,0.134515807,0.551954329,0.264796406 +Panama,PAN,Latin America and Caribbean,LCN,1999,eh0,Rural,1022502,0.3812188208,0.1646021158,0.06383850425,0,0.5549426675,0.3825632036,0.3117200136,0.07084318995,336911,0.5937489867,0.288084805,0.2472223192,0.5593024492,0.0760512352,0.9419846535,0.05801532045,0.8771309853,0.1228690371,0.5053519011,0.471595794,0.02305232175,,,,,,0.0987758562,0.4282797277,0.1552219093,0.416498363,0.9319730997,0.5465523601,0.001654246706,0.07568887621,0.005592929199,0.07228585333,0.1668741107,0.0491736643,0.01522222068,0.1415531039,0.04367526248,0.01632042788,0.04513509944,0.02179001085,0.04277251661,0.1529590636,0.417596668,0.1456410587,0.05794477463,0.09984039515,0,41,0.2666371465,0.1612965018,1.306916237,1.709744811,2.423823357,235.2449188,307.7540588,436.288208,168.200119,269.5514526,269.5514526,1.004464269,1.919999838,0.06729125232,0.1888649911,0.613653481,0.1301902533 +Panama,PAN,Latin America and Caribbean,LCN,1999,eh0,Total,2603292,0.3166129589,0.1842471063,0.06876908243,0.6072273254,0.6146179736,0.6270269629,0.5151378133,0.1118891497,1010986,0.6318543815,0.4379218221,0.1650540233,0.5774197936,0.06228670478,0.913849473,0.08615054935,0.8197315335,0.1802684963,0.6842055917,0.2880151272,0.02777931094,,,,,,0.1655848324,0.1619404554,0.1844593883,0.6536001563,0.9822050929,0.8168177605,0.001013108762,0.09853672981,0.007511724718,0.07739782333,0.2337672561,0.07777990401,0.06765855849,0.2179147005,0.05647972971,0.03161927685,0.1103834808,0.04813428223,0.1410731375,0.1696732938,0.1562914401,0.1527542919,0.06961780041,0.1204530001,0,41,0.1811147481,0.1663319618,1.636904716,2.14144516,3.035824299,294.6428528,385.460144,546.4483643,172.5129395,292.5,325.125,1.004464269,1.919999838,0.03791175783,0.1096191183,0.5977355242,0.2547336221 +Panama,PAN,Latin America and Caribbean,LCN,1999,eh0,Urban,1580790,0.2748239934,0.1969540566,0.0719583258,1,0.6532176733,0.3825632036,0.3117200136,0.07084318995,674075,0.6527939439,0.5121201873,0.1206354424,0.5873755813,0.05508438125,0.899787128,0.1002128869,0.7888291478,0.2111708671,0.7777911425,0.1919561327,0.0302527193,,,,,,0.2005427629,0.02257783711,0.1997579634,0.7776641846,0.9962176681,0.9786093831,0.0006776318769,0.1104919165,0.008515738882,0.08007267863,0.2687692344,0.09274818748,0.09509599209,0.2578710914,0.06317969412,0.03965232149,0.1446437687,0.06196699664,0.1926883161,0.1784495115,0.01908664405,0.1564892828,0.07574701309,0.1312761605,0,41,0.1477385163,0.168297112,1.822916627,2.384791136,3.3808043,328.125,429.2624207,608.5447998,242.8125153,306.8182068,337.5,1.004464269,1.919999838,0.01755787991,0.05471820384,0.5867076516,0.3410162926 +Panama,PAN,Latin America and Caribbean,LCN,1999,eh0,Young worker,479649,0,1,0,0.6491059065,1,0.3825632036,0.3117200136,0.07084318995,223095,0.4651213586,0.3150886595,0.1650540233,0.3812746406,0.03567405418,0.8197315335,0.1802684963,0.8197315335,0.1802684963,0.7499207258,0.2456883788,0.004390905611,,,,,,0.06201402098,0.1831822246,0.1823456138,0.6344721913,0.9790638685,0.8168177605,0.001897439826,0.09979330748,0.001421712805,0.0792331472,0.2747569382,0.06132503599,0.07042946666,0.1314100176,0.09655070305,0.009917546064,0.05292098969,0.04822262749,0.1403039396,0.1842942089,0.1826001555,0.1610490978,0.04598035291,0.1747110784,0,41,0.2107610255,0.148807466,1.24353075,1.626822114,2.306267977,223.8355408,292.8279724,415.1282349,150.9488373,230.3047638,226.4232483,1.004464269,1.919999838,0.01458474435,0.05595238507,0.6964203715,0.2330425233 +Panama,PAN,Latin America and Caribbean,LCN,2000,eh0,Female,1337634,0.3098807335,0.1786146313,0.073700279,0.6313588023,0.6164190173,0.3790000379,0.3048126996,0.07418735325,345312,0.4187919796,0.4187919796,0.2678500414,0.3740738928,0.03074828163,0.8932211995,0.1067788005,0.7511403561,0.2488596737,0.8041142821,0.1817922443,0.01409350242,,,,,,0.2603261471,0.01567565836,0.08983594924,0.8944883943,0.9843243361,0.9867491126,0.000155621834,0.07815134525,0.003803008702,0.007725975942,0.2647257149,0.03719686344,0.09129490703,0.3556964099,0.1455745101,0.03644127771,0.1832796186,0.03093199246,0.2743063867,0.2093852907,0.01225116383,0.04453933612,0.004445803352,0.204419136,0,41,0.2097933888,0.1162215993,1.784999967,2.300700903,3.310483694,321.3000183,414.1261597,595.887085,234.3750153,307.5,323.4617615,,1.976136446,0.04047065601,0.1028510928,0.5956370831,0.2610411942 +Panama,PAN,Latin America and Caribbean,LCN,2000,eh0,Higher education,1502484,0.2290247381,0.2545138597,0.03797245026,0.7248343229,0.7330028415,0.3790000379,0.3048126996,0.07418735325,688748,0.6253812313,0.4835335314,0.1182835922,0.5564869642,0.04692978784,0.8898363113,0.1101636589,0.76175946,0.2382405251,0.7695477009,0.2038497329,0.02660257556,,,,,,0.2431482524,0.04913416132,0.1780613661,0.7728044987,0.9944381714,0.9368681312,0.0006200305652,0.09760750085,0.008329621516,0.07150421292,0.2622745633,0.09190811217,0.09348429739,0.2843231857,0.04081432894,0.03663093224,0.1748424917,0.06179860979,0.2047712207,0.171353668,0.04372004792,0.1419495791,0.07011406124,0.09481940418,0,41,0.1495138407,0.1415237486,1.953125,2.517398834,3.622290373,351.5625,453.1317749,652.0122681,231.8142548,324.5192261,374.9999695,1.066666722,1.976136446,0,0,0.5800545216,0.4199454784 +Panama,PAN,Latin America and Caribbean,LCN,2000,eh0,Lower education,1138483,0.4234002531,0.08471535891,0.1169169843,0.4594245255,0.4596827626,0.3790000379,0.3048126996,0.07418735325,307954,0.5884385109,0.2711499631,0.349632442,0.5537593961,0.05124135315,0.9410658479,0.05893412605,0.886932075,0.113067925,0.5092872977,0.4675592184,0.02315350063,,,,,,0.06623419374,0.3791618645,0.1736685038,0.4471696615,0.945630908,0.5499274135,0.001331930049,0.08518831432,0.004199375398,0.08294887841,0.1636272669,0.0476561822,0.02017908543,0.1201290488,0.09557805955,0.008203261532,0.008679914288,0.02513133921,0.02912071347,0.1529502422,0.3804586232,0.145973146,0.06800935417,0.1814734042,0,41,0.2324376404,0.1775389314,1.198006511,1.544120312,2.221837997,215.6411743,277.9416504,399.9308472,161.7308807,260,224.2668304,1.066666722,1.976136446,0.09458269179,0.2711769044,0.6342403889,0 +Panama,PAN,Latin America and Caribbean,LCN,2000,eh0,Male,1303333,0.3158310354,0.1840887964,0.0702636987,0.5889300704,0.613905251,0.3790000379,0.3048126996,0.07418735325,651390,0.8141123056,,0.06234344468,0.7426832914,0.05743153393,0.9122614861,0.08773852885,0.816526711,0.1834733039,0.624679029,0.3439076543,0.03141333908,,,,,,0.147952497,0.2274526358,0.2217125148,0.5508348346,,0.7477724552,0.001208270085,0.1016495079,0.008664878085,0.1101898551,0.2128928155,0.09872475266,0.0588703528,0.1672006845,0.01314624771,0.02282651514,0.08919621259,0.05989827588,0.08275012672,0.1425994188,0.2247515619,0.19451271,0.1031931415,0.08027203381,0,41,0.1488495916,0.1719789654,1.666666627,2.148180246,3.091021061,300,386.6724243,556.3837891,170.5961304,300,337.5,,1.976136446,0.03451519459,0.1117869392,0.6072273254,0.2464705408 +Panama,PAN,Latin America and Caribbean,LCN,2000,eh0,Old worker,1145816,0,0,0,0.6476816535,1,0.3790000379,0.3048126996,0.07418735325,785884,0.6858727932,0.4683567286,,0.6416248083,0.05321796983,0.9354866743,0.06451334059,,,0.6734164357,0.295819819,0.03076372668,,,,,,0.2103514224,0.1503025144,0.1764456183,0.6732518673,0.9838171601,,0.0009358201642,0.09400232136,0.008305403404,0.07320208102,0.219267562,0.08322678506,0.06968051195,0.2503876686,0.05068935081,0.03230763227,0.1341008991,0.04955929145,0.1476462185,0.1599742919,0.1451339275,0.1411819607,0.07585027069,0.114245519,0,41,0.1652315557,0.1554122567,1.875,2.416702747,3.477398872,337.5,435.0064697,625.9317627,186.3139648,332.3863525,368.7464294,1.066666722,1.976136446,0.04822663963,0.1328358352,0.5537427664,0.2651947439 +Panama,PAN,Latin America and Caribbean,LCN,2000,eh0,Rural,1028868,0.3771368265,0.1647247225,0.06577325612,0,0.5570899248,0.3790000379,0.3048126996,0.07418735325,333342,0.581574142,0.2810842693,0.2411493957,0.5423433185,0.06104755774,0.9325437546,0.06745624542,0.8647880554,0.1352119446,0.5206719637,0.4575333893,0.02179465815,,,,,,0.1128625497,0.4063682258,0.1494840086,0.4441477656,0.9435186386,0.575596571,0.0009393416694,0.07477738708,0.005002316087,0.06876496226,0.1692520082,0.05264173821,0.01741320826,0.1561044306,0.04873639345,0.01589172706,0.05317963287,0.02293574996,0.0536015667,0.1515962631,0.3992579281,0.1333243102,0.06042657048,0.1097862646,0,41,0.2340712696,0.160128057,1.384363174,1.784317017,2.567457438,248.8167419,321.177063,461.4586792,164.9654999,269.5514526,273.8642883,1.066666722,1.976136446,0.06521868706,0.1806614846,0.615306437,0.1388133615 +Panama,PAN,Latin America and Caribbean,LCN,2000,eh0,Total,2640967,0.3128172457,0.1813161671,0.07200431079,0.6104199886,0.6151784658,0.6255445824,0.5084983677,0.1170462147,996702,0.6134811606,0.4187919796,0.1648804396,0.5556083301,0.04831401631,0.9056648612,0.09433511645,0.7944957018,0.2055042684,0.6859909892,0.28851372,0.02549524792,,,,,,0.1863499433,0.1550896317,0.1766510308,0.6682593226,0.9843243361,0.8238981962,0.000848586089,0.09362031519,0.0070036049,0.07517852634,0.230603829,0.07770101726,0.06994964182,0.2316086143,0.05839623883,0.02748068795,0.1213584021,0.04999621958,0.1482331753,0.1654300094,0.1521088034,0.1432446688,0.06943660229,0.1227114275,0,41,0.1716359705,0.1511317641,1.711437941,2.205886364,3.174054623,307.5,397.0595703,570.293396,172.5129395,301.8976746,328.125,1.066666722,1.976136446,0.03745251149,0.1073796526,0.6015108228,0.2536569834 +Panama,PAN,Latin America and Caribbean,LCN,2000,eh0,Urban,1612099,0.2717674375,0.1919050813,0.07598106563,1,0.652251482,0.3790000379,0.3048126996,0.07418735325,663360,0.6308737993,0.4864835143,0.1230985522,0.5628391504,0.04162568972,0.8921580911,0.107841894,0.7554348707,0.2445651442,0.7728253007,0.1997357309,0.02743899263,,,,,,0.2249493897,0.02310492098,0.1909205765,0.7859745026,0.9960592985,0.9818505049,0.0008009165176,0.1035176143,0.008054786362,0.07854726911,0.2628290355,0.09086346626,0.09754452854,0.2712673843,0.0634700954,0.03358959034,0.1572975516,0.0642606318,0.1981164366,0.1727222055,0.02182881907,0.1484740078,0.0741860643,0.129524678,0,41,0.1472859085,0.1476231664,1.875,2.416702747,3.477398872,337.5,435.0064697,625.9317627,281.25,328.125,337.5,1.066666722,1.976136446,0.01854139008,0.05746851489,0.5921148658,0.3318752348 +Panama,PAN,Latin America and Caribbean,LCN,2000,eh0,Young worker,478850,0,1,0,0.6460686922,1,0.3790000379,0.3048126996,0.07418735325,210818,0.44025895,0.2973032892,0.1648804396,0.3497838676,0.02678901888,0.7944957018,0.2055042684,0.7944957018,0.2055042684,0.7411847711,0.2564450204,0.002370234113,,,,,,0.08099991828,0.1761018336,0.1775526255,0.6463455558,0.9867491126,0.8238981962,0.0004656883248,0.09194359183,0.001289598411,0.08385375142,0.2803622782,0.05344669148,0.07113090903,0.1491814703,0.0922241956,0.00625791261,0.06533308327,0.05191727355,0.1508138925,0.1894173473,0.1827754378,0.1523138732,0.04123742133,0.1599337608,0,41,0.2000653148,0.1321305484,1.302083373,1.678265929,2.414860249,234.3750153,302.0878601,434.6748962,153.1052246,237.2052917,237.1875153,1.066666722,1.976136446,0.013812121,0.05152416602,0.70632267,0.2283410728 +Panama,PAN,Latin America and Caribbean,LCN,2001,eh0,Female,1458879,0.3076924086,0.1873369962,0.06060475111,0.6391249895,0.6317028403,0.3886672258,0.3286754489,0.05999176949,379742,0.4120562673,0.4120562673,0.3296792507,0.3668370843,0.03113565594,0.8902596831,0.1097402945,0.7568461895,0.2431537807,0.763379693,0.2239986509,0.012621684,,,0.5311401486,,,0.2483634949,0.05855313689,0.09994705021,0.8414998055,0.9414468408,0.9034112096,0.0006152589922,0.08390003443,0.006679109763,0.008752651513,0.2570895255,0.0325525254,0.07084352523,0.3331568539,0.1478573829,0.005478171632,0.1683857441,0.02857404761,0.02445950359,0.01322806906,0.1191058606,0.2238862514,0.1203068048,0.2965755463,0,41,0.2099287361,0.124910742,1.704545498,2.1902771,3.161271811,295.3125,394.2498779,547.6903076,240.7680664,292.5,300,,1.897233129,0.07440849394,0.1190559939,0.5601982474,0.246337235 +Panama,PAN,Latin America and Caribbean,LCN,2001,eh0,Higher education,1589161,0.2430081069,0.2581059933,0.0250440333,0.7572265863,0.7319478393,0.3886672258,0.3286754489,0.05999176949,723380,0.6218969822,0.479165405,0.1359332204,0.5459038019,0.04714119807,0.8778042197,0.1221958026,0.7509655952,0.2490344197,0.7616735101,0.2106581926,0.02766832709,,,0.5812795162,,,0.2452589571,0.05895361304,0.1800503731,0.7609960437,0.9901617169,0.8971034884,0.00143647159,0.09758871049,0.01215488091,0.06887030602,0.2590500116,0.09850697964,0.07835700363,0.2833266854,0.04175532982,0.01576570235,0.163754791,0.03533778712,0.02855023555,0.03666537628,0.07709933817,0.2080990821,0.1822827607,0.2517882288,0.000656707387,41,0.1411150545,0.1475057155,1.927083373,2.476229906,3.573993206,337.5,445.7213745,625.9317627,215.6411743,300,360,1.035077691,1.897233129,0,0,0.5763457417,0.4236542284 +Panama,PAN,Latin America and Caribbean,LCN,2001,eh0,Lower education,1337762,0.3966161311,0.1060121283,0.1005455405,0.4655028284,0.5028383136,0.3886672258,0.3286754489,0.05999176949,398080,0.5917838812,0.2870090306,0.3778760135,0.558922708,0.08188842237,0.944470942,0.05552903935,0.90101403,0.09898598492,0.453532815,0.5285298228,0.01793736219,,,0.544485271,,,0.05897732452,0.4535434544,0.1554810852,0.3909754753,0.8024190068,0.41181615,0.002268767916,0.08064632118,0.004867345095,0.06769865006,0.1481029391,0.04093623161,0.01863155887,0.1056160629,0.0776886791,0.002067061141,0.004708749242,0.01261519175,0.005115776788,0.01235182118,0.01556547545,0.2695187032,0.416857332,0.2610961497,0.0001037520997,41,0.2937142849,0.156308651,1.198006511,1.539393425,2.221837997,215.6411743,277.0908203,399.9308472,164.9654999,270,225,1.035077691,1.897233129,0.1454113275,0.2753234208,0.5792652369,0 +Panama,PAN,Latin America and Caribbean,LCN,2001,eh0,Male,1468044,0.3187036514,0.1898369491,0.05850642174,0.6087563038,0.6227899194,0.3886672258,0.3286754489,0.05999176949,741718,0.8112564683,,0.06905188411,0.7359778285,0.07459741086,0.9072073102,0.0927926749,0.8201570511,0.179842934,0.5886442661,0.381564945,0.0297908131,,,0.5981080532,,,0.1396152675,0.279661715,0.2065711021,0.5137671828,,0.6390251517,0.002314226469,0.0949992165,0.01083390974,0.09842374176,0.1980350614,0.09947606921,0.04875630885,0.1589785963,0.008521169424,0.01328155119,0.07256994396,0.02604141086,0.01751303859,0.03485812619,0.02161373198,0.2344812006,0.344479084,0.2344841659,0.0006777514936,41,0.191755116,0.1637763828,1.617308855,2.078181267,2.99948144,281.25,374.0726318,521.6098022,172.5129395,284.0625,328.125,,1.897233129,0.05411963537,0.1233973354,0.5943438411,0.228139177 +Panama,PAN,Latin America and Caribbean,LCN,2001,eh0,Old worker,1283870,0,0,0,0.6610723734,1,0.3886672258,0.3286754489,0.05999176949,885850,0.6899842024,0.4715938866,,0.6405710578,0.06635498255,0.9283851385,0.07161483169,,,0.652443409,0.3184093237,0.02914726175,,,0.5597622991,,,0.2010396272,0.1881266683,0.1710224748,0.640850842,0.9490016103,,0.001933570253,0.09120493382,0.01049600355,0.0673879683,0.2155930847,0.08232996613,0.05829410627,0.2359855622,0.04864814132,0.01153439283,0.1213725507,0.0279349722,0.02179326676,0.0288785398,0.05510633439,0.2273804992,0.2663185,0.2391264737,0.0005544679589,41,0.1811004579,0.1557092965,1.822916627,2.34237957,3.3808043,323.4617615,421.6283264,599.8963013,192.857132,307.5,337.5,1.035077691,1.897233129,0.07808130234,0.1414335519,0.52967906,0.2508060634 +Panama,PAN,Latin America and Caribbean,LCN,2001,eh0,Rural,1100836,0.3644993305,0.1790938824,0.06112627313,0,0.5743743777,0.3886672258,0.3286754489,0.05999176949,371712,0.5878802538,0.2848912477,0.2756539285,0.5566794872,0.1000301167,0.9469266534,0.05307334661,0.8943065405,0.1056934446,0.4202463627,0.5648126006,0.01494101994,,,0.4680976272,,,0.09038478881,0.5367118716,0.1291535944,0.3341345191,0.7638478279,0.3925819397,0.001644961187,0.07320503145,0.005395131651,0.04890847206,0.1290797293,0.03512375429,0.01010841411,0.1254119575,0.0344106555,0.002750742482,0.03953055665,0.01203449816,0.009712848812,0.01275628339,0.02298347652,0.2806268632,0.4524488151,0.1670450866,0.0001108253637,41,0.3169543743,0.1351767778,1.257906914,1.616363287,2.332930088,226.4232483,290.9454041,419.9274292,161.7308807,258.7694092,269.5514526,1.035077691,1.897233129,0.1283981651,0.2091733366,0.5584856868,0.103942804 +Panama,PAN,Latin America and Caribbean,LCN,2001,eh0,Total,2926923,0.3132152855,0.1885908842,0.05955230072,0.6238930821,0.6272324324,0.5943053436,0.4993607941,0.0949445495,1121460,0.6108632299,0.4120562673,0.1980938166,0.5506740418,0.06006364152,0.9014686346,0.0985313803,0.8002673984,0.1997326016,0.6470763683,0.3288742006,0.02404939383,,,0.571688652,,,0.1759810746,0.2057151049,0.1709122062,0.623372674,0.9414468408,0.7175777555,0.001746031106,0.09128725529,0.009444396012,0.06843452901,0.2177849859,0.07709444314,0.05614306033,0.2172300071,0.05512017384,0.01067186892,0.1046135947,0.02688840032,0.01983614266,0.02762439102,0.05421799794,0.230937928,0.2695091963,0.2552493811,0.0004510912113,41,0.1978333592,0.1507776082,1.647258997,2.116666079,3.055027485,286.875,380.9998779,532.0419922,172.5129395,284.6463623,323.4617615,1.035077691,1.897233129,0.06404975802,0.1212725192,0.577631712,0.2370459884 +Panama,PAN,Latin America and Caribbean,LCN,2001,eh0,Urban,1826087,0.2822992504,0.1943160444,0.05860345066,1,0.6590973139,0.3886672258,0.3286754489,0.05999176949,749748,0.6229372621,0.4731483459,0.1550003141,0.5475190878,0.03871607035,0.8789313436,0.1210686788,0.7401739359,0.2598260939,0.7682347298,0.2028507888,0.02891451493,,,0.6019567251,,,0.2217012197,0.02889145166,0.1932203174,0.7778882384,0.9951536059,0.968505621,0.0018000243,0.1009470597,0.01160757616,0.07886564732,0.26517272,0.09951584786,0.08073548973,0.2662806511,0.06618352234,0.01490188576,0.1393690556,0.0348206386,0.02524215542,0.03556421399,0.07089777291,0.2044031918,0.1718163192,0.3023519814,0.0006327989977,41,0.1340984851,0.1591247171,1.822916627,2.34237957,3.3808043,321.4285889,421.6283264,596.1255493,236.25,300,337.5,1.035077691,1.897233129,0.02219830267,0.0641028583,0.5900840759,0.3236147463 +Panama,PAN,Latin America and Caribbean,LCN,2001,eh0,Young worker,551991,0,1,0,0.6428329349,1,0.3886672258,0.3286754489,0.05999176949,235610,0.4268366694,0.2708322704,0.1980938166,0.3415834606,0.03262247518,0.8002673984,0.1997326016,0.8002673984,0.1997326016,0.6236668229,0.3745193481,0.001813832903,,,0.626108706,,,0.06668222696,0.2824222744,0.1704313457,0.5471463799,0.9034112096,0.7175777555,0.0009281308739,0.09164629132,0.004858102184,0.07299881428,0.2273443192,0.0542611815,0.04676188529,0.1354328543,0.08334615082,0.006908188108,0.0314847827,0.02232161723,0.01129610743,0.02215183154,0.05034169555,0.2464610189,0.2834320068,0.32560274,0,41,0.2709315419,0.1292333901,1.25,1.606203198,2.318265915,225,289.1165771,417.2878723,147.8682404,243.7499847,234.3750153,1.035077691,1.897233129,0.0338193588,0.07783637196,0.6809437871,0.207400471 +Panama,PAN,Latin America and Caribbean,LCN,2002,eh0,Female,1492313,0.3100502491,0.1792479157,0.06415744871,0.6417896152,0.6257923245,0.389467895,0.326752305,0.06271559745,416496,0.4459854364,0.4459854364,0.3141827583,0.3969276547,0.05255178362,0.8900013566,0.1099986583,0.7613591552,0.2386408448,0.7341251969,0.2490652353,0.01680955663,,,0.4928940833,,,0.2312170565,0.05509722233,0.09621233493,0.8486904502,0.9449027777,0.9084139466,0.00004857709428,0.08439190686,0.003913154826,0.007858694531,0.2679836452,0.02989920229,0.07224493474,0.3332442641,0.1453183889,0.00669037085,0.1571373791,0.03247527406,0.02318699099,0.01561446209,0.1062015444,0.2393911779,0.1139035597,0.3053992391,0,40,0.2646985054,0.1308419555,1.666666627,2.120277643,3.091021061,298.125,381.6499634,552.9064331,281.25,281.25,300,,1.967999816,0.06862989068,0.1131291464,0.5663353801,0.2519055903 +Panama,PAN,Latin America and Caribbean,LCN,2002,eh0,Higher education,1666120,0.2389629781,0.2513060272,0.02907413617,0.7554575801,0.7319628596,0.389467895,0.326752305,0.06271559745,783374,0.6423531175,0.5057716966,0.1267763078,0.5668925643,0.07249181718,0.882524848,0.1174751744,0.753238976,0.2467610091,0.7395070791,0.2265678495,0.03392507508,,,0.5676993132,,,0.2298107892,0.05904497206,0.1711220592,0.7698329687,0.9928079844,0.9029083252,0.0008145431639,0.0976453498,0.01045595575,0.06220621243,0.2604888678,0.09649804235,0.08377062529,0.2869637012,0.04211173579,0.01666758209,0.1534195989,0.03994954005,0.02954911813,0.03333516419,0.07417877018,0.2153389156,0.1825318038,0.2537187636,0.001310722204,40,0.1771352142,0.1627731025,1.923076868,2.446474075,3.566562891,337.5,440.3653259,625.9317627,210.2501526,315,365.625,1.035373807,1.967999816,0,0,0.5806253552,0.4193746746 +Panama,PAN,Latin America and Caribbean,LCN,2002,eh0,Lower education,1338059,0.4123495221,0.1007892787,0.1044146791,0.4612838328,0.4832358062,0.389467895,0.326752305,0.06271559745,399744,0.6182264686,0.3243818283,0.3520413339,0.586027205,0.1172398701,0.9479166865,0.05208333209,0.9034714103,0.09652861953,0.4632828832,0.5203338861,0.01638323255,,,0.4810713232,,,0.05175444111,0.4497821331,0.157353282,0.3928645849,0.8036653996,0.4302522242,0.002404334722,0.07781492919,0.003665884491,0.07346812636,0.1515733749,0.03888107464,0.01531014871,0.1024309918,0.0846690014,0.001200990402,0.006158045027,0.01013847068,0.002449492458,0.01227385737,0.01744207554,0.2797278166,0.4023212194,0.2682880461,0,40,0.3310997188,0.1663346142,1.132660747,1.440933108,2.100646973,202.5,259.3679504,375.559082,161.7308807,260.7954407,210.9375,1.035373807,1.967999816,0.1410984844,0.2782733738,0.5806281567,0 +Panama,PAN,Latin America and Caribbean,LCN,2002,eh0,Male,1511866,0.3222487867,0.189219147,0.06112380326,0.6073005199,0.6166273952,0.389467895,0.326752305,0.06271559745,766622,0.8223281503,,0.0577368103,0.7504242659,0.1072944254,0.9125605822,0.08743944019,0.8181557059,0.1818442792,0.5927451849,0.3737623096,0.03349252045,,,0.579987824,,,0.1326235831,0.272775352,0.203343913,0.5238807201,,0.6624954343,0.00208137068,0.09392471611,0.01024388894,0.09709393978,0.1975257993,0.1005676612,0.05279476941,0.1624984443,0.0104940543,0.01357746869,0.07167919725,0.02776260674,0.01824150607,0.03131854162,0.02647291869,0.2374698669,0.3379625678,0.2342199087,0.001295407186,40,0.2140810341,0.1816281676,1.610120773,2.048341751,2.986150503,284.6463623,368.7015076,527.9087524,168.200119,300,334.243866,,1.967999816,0.05092747137,0.1212969422,0.5940404534,0.2337351143 +Panama,PAN,Latin America and Caribbean,LCN,2002,eh0,Old worker,1312568,0,0,0,0.6617622972,1,0.389467895,0.326752305,0.06271559745,936190,0.7132506371,0.5106695294,,0.6647830606,0.09526767582,0.9320468903,0.06795308739,,,0.6417938471,0.324724704,0.03348143771,,,0.5433279276,,,0.1916091889,0.1820008606,0.1680712402,0.6499279141,0.9516756535,,0.001445461065,0.09166011214,0.00883553829,0.06613013148,0.2172283828,0.08168517053,0.0607861653,0.2383658141,0.05186236277,0.01149157807,0.1174594015,0.03104846738,0.02141617425,0.02579959668,0.0551045537,0.2321470678,0.2603355348,0.2441590726,0.00103854062,40,0.2117361873,0.1677142829,1.822916627,2.31905365,3.3808043,323.4617615,417.429657,599.8963013,186.5296173,316.2737427,346.5,1.035373807,1.967999816,0.07375334203,0.1359000802,0.5358174443,0.2545291185 +Panama,PAN,Latin America and Caribbean,LCN,2002,eh0,Rural,1128271,0.371730715,0.1699210554,0.0648611933,0,0.5634080768,0.389467895,0.326752305,0.06271559745,387381,0.6093991399,0.3156888187,0.2682026029,0.5807225704,0.1430223882,0.9529429674,0.04705703259,0.906134069,0.09386594594,0.4292621911,0.5518539548,0.01888382062,,,0.4291756153,,,0.09058870375,0.5254400969,0.1250331849,0.3495267034,0.7772930861,0.3964529335,0.001617439091,0.06836050749,0.005497125443,0.04955811799,0.1373251826,0.0350580588,0.01032505929,0.1296118647,0.03720651567,0.004369474016,0.04233486578,0.01169978734,0.008264888078,0.01235534437,0.02248396352,0.2873396277,0.4326131344,0.1785389185,0,40,0.3440167904,0.1371340603,1.281867027,1.630748391,2.377366781,230.0172882,293.5346985,426.5929871,166.7625275,267.39505,271.7078857,1.035373807,1.967999816,0.1195363477,0.2025739849,0.5699312091,0.1079584509 +Panama,PAN,Latin America and Caribbean,LCN,2002,eh0,Total,3004179,0.3161892295,0.1842659861,0.06263075769,0.6244328022,0.6211800426,0.6098392755,0.509013825,0.1008254506,1183118,0.6339934362,0.4459854364,0.1816560924,0.5735224947,0.0883346349,0.9046189785,0.0953810215,0.8006301522,0.1993698627,0.6417112947,0.3305742145,0.02771447599,,,0.5455178618,,,0.1667708457,0.1973985285,0.1662467569,0.6363547444,0.9449027777,0.7346559167,0.001377461944,0.09062372893,0.008051704615,0.0661938712,0.221923694,0.07609683275,0.05952990428,0.2216237187,0.0571805574,0.01119172852,0.1012825221,0.02939510904,0.01995465718,0.02587853558,0.05409148335,0.2381354272,0.2603469193,0.2588769495,0.000846668845,40,0.2316173464,0.1640333831,1.638872862,2.084919214,3.039474487,288,375.2854614,534.128479,168.200119,299.0223999,320.625,1.035373807,1.967999816,0.0594984293,0.1173423529,0.5806265473,0.2425327003 +Panama,PAN,Latin America and Caribbean,LCN,2002,eh0,Urban,1875908,0.2827835977,0.1928937882,0.06128925458,1,0.6559271812,0.389467895,0.326752305,0.06271559745,795737,0.6466993093,0.5073887706,0.1358017474,0.5698028207,0.05954053625,0.8810938597,0.118906118,0.7389526963,0.2610473037,0.7535696626,0.2140663713,0.03236397728,,,0.5805441141,,,0.2068821341,0.02466825023,0.187947765,0.7873839736,0.9967700839,0.9770996571,0.001251102076,0.1023464203,0.009396817535,0.07495342195,0.2664690316,0.09770578891,0.08543871343,0.2700725496,0.0676978901,0.01478477009,0.1323281825,0.03871461004,0.02611124702,0.03300072625,0.07073805481,0.2122212946,0.1696203798,0.3011881411,0.001292579458,40,0.1724146754,0.1782017052,1.822916627,2.31905365,3.3808043,321.4285889,417.429657,596.1255493,202.5,306.8182068,330,1.035373807,1.967999816,0.02108460106,0.06280893087,0.5874696374,0.3286368251 +Panama,PAN,Latin America and Caribbean,LCN,2002,eh0,Young worker,553568,0,1,0,0.6536703706,1,0.389467895,0.326752305,0.06271559745,246928,0.4460662603,0.2848437726,0.1816560924,0.357134074,0.05773452297,0.8006301522,0.1993698627,0.8006301522,0.1993698627,0.6413469315,0.3563920856,0.002261024434,,,0.5551948547,,,0.05714271218,0.2653441131,0.1581958383,0.5764600635,0.9084139466,0.7346559167,0.00107740087,0.08605044335,0.004592863843,0.06647513062,0.2426428199,0.05143703893,0.05398638174,0.1477455497,0.08064825833,0.009868587367,0.02989913896,0.02209936455,0.01350544766,0.02622687072,0.04962113872,0.2645600736,0.260397166,0.3238222003,0,40,0.3192900419,0.1478011906,1.245926857,1.585026503,2.310711861,223.1250153,285.3047791,413.8104858,155.2616425,243.7499847,228.7500153,1.035373807,1.967999816,0.02872616053,0.07728151232,0.6773564816,0.2166358382 +Panama,PAN,Latin America and Caribbean,LCN,2003,eh0,Female,1520848,0.305580169,0.1767868996,0.06512616575,0.6444759965,0.6292936802,0.3883233666,0.3231229186,0.06520043314,442692,0.4625540674,0.4625540674,0.2679104209,0.4063235223,0.04559551179,0.8784346581,0.1215653345,0.7264611125,0.2735388875,0.724758029,0.2600494623,0.01519250311,,,0.4890345931,,,0.2314465344,0.05909338593,0.09913957119,0.8417670131,0.9409065843,0.9161193967,0.0001054320674,0.08810520917,0.003003528109,0.007925405167,0.2639453113,0.02687746286,0.07457904518,0.3306195438,0.1457456946,0.006763081066,0.156474039,0.03716865927,0.02478682064,0.0143850483,0.0995201543,0.2486370951,0.111585699,0.3006793857,0,40,0.256148845,0.1345899552,1.704545498,2.160005808,3.161271811,303.75,388.8010254,563.338623,215.6411743,299.9372559,306.8182068,,2.023999929,0.06447076797,0.1064884216,0.5776574016,0.2513834238 +Panama,PAN,Latin America and Caribbean,LCN,2003,eh0,Higher education,1722672,0.2304199487,0.2497469038,0.03107846342,0.7564823627,0.7385016084,0.3883233666,0.3231229186,0.06520043314,828234,0.6510270238,0.5196079612,0.1070980281,0.5713380575,0.06489611417,0.8775950074,0.1224050224,0.7422553301,0.2577446699,0.7316297293,0.2359910011,0.03237926587,,,0.5698103309,,,0.2318787575,0.06197805703,0.1747517437,0.7632701993,0.990301311,0.8866494894,0.0006823929143,0.09309297055,0.009601653554,0.07137472183,0.257619828,0.0970428735,0.08115935326,0.2833265066,0.04412165284,0.01720428094,0.1512243152,0.04167411849,0.03021789715,0.03693313897,0.06728999317,0.2233350873,0.1772845685,0.2545930743,0.0002435151982,40,0.1729571223,0.1617925167,1.875,2.376006365,3.477398872,337.5,427.6811523,625.9317627,194.0770721,300,360,1.044203162,2.023999929,0,0,0.5833287835,0.4166712463 +Panama,PAN,Latin America and Caribbean,LCN,2003,eh0,Lower education,1334227,0.4205138981,0.08964141458,0.1082941666,0.4608878493,0.4711919427,0.3883233666,0.3231229186,0.06520043314,393732,0.6262866259,0.3399499357,0.3439741731,0.5954504609,0.1147307605,0.950763464,0.04923653603,0.8995209932,0.1004790142,0.4466189146,0.5361964703,0.01718463749,,,0.4643160403,,,0.04399672896,0.4521832764,0.16986157,0.3779551685,0.7939062715,0.4124180675,0.001410459867,0.09264691174,0.004827084951,0.07097711414,0.1503047943,0.03838160262,0.01556047052,0.0883647725,0.08534350246,0.001234152354,0.007266005035,0.009218744002,0.003299087053,0.01314559299,0.01533607952,0.3073253036,0.3808722496,0.2623027861,0,40,0.3422057629,0.1714690477,1.166666627,1.478403926,2.163714647,209.7394104,266.1127014,388.9853821,161.7308807,262.5,215.6249847,1.044203162,2.023999929,0.1314888299,0.2686928213,0.5998183489,0 +Panama,PAN,Latin America and Caribbean,LCN,2003,eh0,Male,1536051,0.3211208582,0.1829158068,0.06443796307,0.6106242537,0.614441216,0.3883233666,0.3231229186,0.06520043314,779274,0.8256656528,,0.05404530093,0.7547299862,0.1016222984,0.9140866995,0.08591330051,0.815813899,0.1841860861,0.5856000781,0.380623132,0.03377676383,,,0.5821015835,,,0.1333775073,0.2686165273,0.2134604454,0.5179229975,,0.6552361846,0.001379990019,0.09558150172,0.01069457177,0.1058043838,0.1977695525,0.1045198515,0.05027768388,0.155050233,0.01030570362,0.01451165508,0.07270427793,0.02707756497,0.01903628185,0.03674170747,0.02239149623,0.2536612451,0.3201422393,0.233485043,0.0002484824217,40,0.2165435553,0.1817487627,1.581249952,2.003765345,2.93260622,283.5,360.6777649,525.7827148,168.200119,282.2939148,334.0285645,,2.023999929,0.04351997003,0.1127590984,0.6017652154,0.2419557422 +Panama,PAN,Latin America and Caribbean,LCN,2003,eh0,Old worker,1351039,0,0,0,0.6651058793,1,0.3883233666,0.3231229186,0.06520043314,968246,0.7166677117,0.5202210546,,0.6674699783,0.08914943784,0.9313521385,0.06864784658,,,0.63507092,0.3328191638,0.03210989758,,,0.5468571186,,,0.192862317,0.1792203784,0.171739608,0.6490399837,0.9455645084,,0.001062345691,0.0918917954,0.00872165896,0.07006380707,0.2179738283,0.08390202373,0.05977635458,0.234507829,0.05287997797,0.01253745332,0.1166007593,0.03186593577,0.02294023521,0.0300162565,0.05084954575,0.2426983118,0.2488838732,0.2434113473,0.0001962789102,40,0.2104919553,0.1701905578,1.822916627,2.310006142,3.3808043,328.125,415.8011169,608.5447998,183.6734619,315.5062561,348.75,1.044203162,2.023999929,0.06685421616,0.1292838454,0.5421324968,0.261729449 +Panama,PAN,Latin America and Caribbean,LCN,2003,eh0,Rural,1138799,0.3694954216,0.1651511788,0.06804449111,0,0.5624601245,0.3883233666,0.3231229186,0.06520043314,398508,0.6221544743,0.3440576792,0.2470835894,0.5892504454,0.1326119602,0.9471127391,0.05288726836,0.8871757388,0.1128242463,0.4278624952,0.5515589714,0.02057854086,,,0.4045723975,,,0.09078456461,0.5178601742,0.1446432769,0.3374965489,0.7771953344,0.3948744535,0.001139278058,0.08732964098,0.006417050026,0.04975730553,0.1285370588,0.03413330019,0.01167362556,0.1232725382,0.03988002986,0.004008668941,0.04296933115,0.01517889276,0.00929703936,0.01532196533,0.02203045785,0.3170716763,0.4013120234,0.1728099436,0,40,0.356046319,0.151467666,1.283578515,1.626555085,2.380541086,231.0441284,292.7799072,428.4973755,165.6124268,258.7694092,280.3335266,1.044203162,2.023999929,0.110506624,0.1953585893,0.5779626966,0.1161720902 +Panama,PAN,Latin America and Caribbean,LCN,2003,eh0,Total,3056899,0.3133891523,0.1798665971,0.0647803545,0.6274659634,0.6218305081,0.60815528,0.5039784124,0.1041768676,1221966,0.6428446101,0.4625540674,0.1586242467,0.5793127469,0.08183708787,0.9011707306,0.09882926196,0.7859924436,0.2140075713,0.6347420812,0.3380439579,0.02721394785,,,0.5445804,,,0.1680094451,0.1946258694,0.1730893552,0.6322847605,0.9409065843,0.7357112169,0.0009298946825,0.09294133633,0.007978568785,0.07123955339,0.2211387604,0.07710134238,0.05885942653,0.2170504928,0.05813476071,0.01177533623,0.1022865996,0.03064111806,0.02106701769,0.02884671278,0.04962858558,0.2518870234,0.2464929223,0.2572139502,0.0001607337472,40,0.230538547,0.1650846452,1.622899532,2.056543827,3.009850025,291.1156006,370.1778564,539.9066772,172.0816498,284.625,324,1.044203162,2.023999929,0.05369064584,0.1097149625,0.590061903,0.2465324551 +Panama,PAN,Latin America and Caribbean,LCN,2003,eh0,Urban,1918100,0.2800782025,0.1886033118,0.06284239888,1,0.6570793986,0.3883233666,0.3231229186,0.06520043314,823458,0.6533597112,0.5174699426,0.1126354486,0.5742622614,0.05535889789,0.8789373636,0.1210626438,0.7271134257,0.2728865445,0.742626071,0.2266997099,0.03067419305,,,0.5867129564,,,0.2082808316,0.02606498264,0.1879234761,0.786011517,0.9946776628,0.9777055383,0.0008207049686,0.09586773813,0.008792872541,0.08244216442,0.269428879,0.09950840473,0.08346597105,0.2659540176,0.0676542744,0.01582551375,0.1332194805,0.03870439157,0.02720485069,0.03589962423,0.06402051449,0.2178944051,0.1657575369,0.3012291193,0.0002445534919,40,0.1650457829,0.1721902937,1.822916627,2.310006142,3.3808043,328.125,415.8011169,608.5447998,213.75,297,337.5,1.044203162,2.023999929,0.01743342914,0.05506133288,0.5977830887,0.3297221661 +Panama,PAN,Latin America and Caribbean,LCN,2003,eh0,Young worker,549834,0,1,0,0.6579440236,1,0.3883233666,0.3231229186,0.06520043314,253720,0.4614483714,0.3149487078,0.1586242467,0.3626949191,0.04877094924,0.7859924436,0.2140075713,0.7859924436,0.2140075713,0.6332551241,0.3616702259,0.005074665882,,,0.5342672467,,,0.05562575907,0.2642887831,0.1791928709,0.5565183163,0.9161193967,0.7357112169,0.0003309564781,0.09768731892,0.004618347157,0.07655625045,0.2354504466,0.04634894803,0.05471312255,0.1381091326,0.08189668506,0.008329071105,0.03755854443,0.02510254644,0.01259640325,0.02355808206,0.04410747066,0.2934380472,0.2356811166,0.3196287155,0,40,0.3212009966,0.1419927031,1.245926857,1.578842759,2.310711861,223.576767,284.1916809,414.6483154,147.8682404,225,234.3750153,1.044203162,2.023999929,0.02393301018,0.06547746062,0.6984114647,0.2121780664 +Panama,PAN,Latin America and Caribbean,LCN,2004,eh0,Female,1553699,0.2997871637,0.1754902303,0.06898891181,0.6457543969,0.631223917,0.3820647001,0.3134429753,0.06862170994,465825,0.4749768674,0.4749768674,0.2700662613,0.4226873517,0.05382071435,0.8899114728,0.1100885496,0.7700100541,0.2299899459,0.7144132257,0.2715110481,0.01407574117,,,0.5169117451,,,0.2227030694,0.04895994067,0.1092166528,0.8418233991,0.9510400891,0.9328052402,0,0.1026938111,0.00223619747,0.00428664824,0.2673064172,0.03098351695,0.0903621614,0.309068054,0.1441032588,0.007207937539,0.1492486894,0.03149251267,0.0222437717,0.01881590113,0.1034874544,0.2580118477,0.1161206439,0.2933712602,0,40,0.2831100821,0.1336117089,1.75,2.213563681,3.245572329,309.375,398.4414673,573.770813,195.3000031,281.25,321.4285889,,2.132666588,0.05791979656,0.09979747981,0.5882396102,0.2540431321 +Panama,PAN,Latin America and Caribbean,LCN,2004,eh0,Higher education,1788091,0.2259638906,0.2502948642,0.03208505735,0.7535136342,0.7419510484,0.3820647001,0.3134429753,0.06862170994,874946,0.659502387,0.5256441832,0.1133906841,0.5878187418,0.0722169131,0.8913064599,0.1086935624,0.775854826,0.2241451591,0.7316864133,0.2328578085,0.03545576334,,,0.5896999836,,,0.2213568091,0.05956055224,0.174862951,0.7655764818,0.986982286,0.8963310122,0.0002872365585,0.08982041478,0.008932543918,0.07582276314,0.2660156786,0.0945867449,0.09073726088,0.2699703276,0.0442664884,0.01531714667,0.1433169395,0.04062089324,0.02796068415,0.03995024785,0.06731722504,0.2245305181,0.1864767969,0.253888905,0.0006206361577,40,0.1916482896,0.1644694805,1.924999952,2.434919834,3.570129395,341.25,438.285553,632.8865967,195.3000031,311.7600403,371.25,1.066666722,2.132666588,0,0,0.5912544131,0.4087455869 +Panama,PAN,Latin America and Caribbean,LCN,2004,eh0,Lower education,1321288,0.425265342,0.08057895303,0.1140992716,0.464142561,0.4606353939,0.3820647001,0.3134429753,0.06862170994,386822,0.6355597377,0.357445091,0.3430138528,0.6069151759,0.1263495237,0.9549301863,0.0450698249,0.8990937471,0.1009062752,0.4615038931,0.5200114846,0.01848462783,,,0.5046283007,,,0.04202627018,0.4198268354,0.1874289364,0.3927442133,0.8393065929,0.4581262767,0.001229059999,0.1025913134,0.003662815318,0.07994575053,0.1522328854,0.0384555012,0.0192074459,0.09179778397,0.0910506025,0.0007011597627,0.004889167845,0.01193325222,0.002807346173,0.008218999952,0.01512501761,0.3114529848,0.3732606471,0.2716114223,0,40,0.3586224616,0.1723463833,1.166666627,1.475709081,2.163714647,209.8990326,265.6276245,389.2814026,168.0707397,281.25,210.9375,1.066666722,2.132666588,0.1203453019,0.2629552782,0.6166993976,0 +Panama,PAN,Latin America and Caribbean,LCN,2004,eh0,Male,1555680,0.3215076327,0.1808591783,0.06488545239,0.6153637171,0.6136069298,0.3820647001,0.3134429753,0.06862170994,795943,0.8338183761,,0.04845055565,0.7696506381,0.1098136604,0.9230434895,0.07695651799,0.8241527677,0.1758472621,0.6055901051,0.3554233611,0.03898651153,,,0.6055546999,,,0.1304332465,0.2466768324,0.2182212919,0.5351018906,,0.7033658624,0.000922838226,0.08897766471,0.01006138604,0.1182594001,0.2080795914,0.1022526473,0.05498509482,0.1583279967,0.0114565324,0.01254406665,0.07037117332,0.03134791553,0.01853979193,0.03592127189,0.02066721953,0.2493419051,0.3200860322,0.2405218482,0.0006587812677,40,0.2240621597,0.1858310252,1.642857194,2.078039408,3.046863794,292.5,374.0470886,542.4742432,172.5129395,304.6875,337.5,,2.132666588,0.03761162609,0.1076319292,0.613722086,0.2410343587 +Panama,PAN,Latin America and Caribbean,LCN,2004,eh0,Old worker,1381290,0,0,0,0.6683056951,1,0.3820647001,0.3134429753,0.06862170994,1005325,0.7278160453,0.5384049416,,0.6823078394,0.09868377447,0.9374729395,0.06252704561,,,0.6418837905,0.3236364126,0.03447979316,,,0.5678440928,,,0.187285468,0.1646087617,0.1759884953,0.6594027281,0.9544395804,,0.000719390111,0.09423267841,0.007643785328,0.07339264452,0.2228793651,0.08172398806,0.06915588677,0.2286143303,0.05702917278,0.01075159293,0.1128561795,0.03252640739,0.02158064209,0.03053694218,0.05042521656,0.2490819246,0.2482203543,0.2435071915,0.0005135469255,40,0.2266404331,0.170143038,1.867452741,2.362128735,3.463401556,330,425.183197,612.0222168,181.1385956,328.125,351.5625,1.066666722,2.132666588,0.0612997748,0.1280769408,0.5504913926,0.2601318955 +Panama,PAN,Latin America and Caribbean,LCN,2004,eh0,Rural,1148762,0.3670368493,0.1608897299,0.07323884219,0,0.5597242713,0.3820647001,0.3134429753,0.06862170994,406288,0.631872952,0.3689152896,0.2321992815,0.5985381007,0.1480665356,0.9472443461,0.05275567994,0.891312778,0.1086871997,0.4369890988,0.5368165374,0.02619434893,,,0.426550597,,,0.09279103577,0.4780436158,0.1584756821,0.3634806871,0.8156554103,0.4608680606,0.000636605022,0.09753828496,0.003590972163,0.05670981854,0.1478690654,0.03372447565,0.01482900046,0.1299116015,0.0371465534,0.004279545043,0.04598367214,0.01573063992,0.01022725459,0.01167455688,0.02196937054,0.3116532564,0.3963918686,0.1820898354,0,40,0.3781279027,0.1471436471,1.317807198,1.666885734,2.44402194,237.2052917,300.0394287,439.9239502,170.243042,269.5514526,291.1156006,1.066666722,2.132666588,0.09633100778,0.1819593012,0.6003867388,0.1213229299 +Panama,PAN,Latin America and Caribbean,LCN,2004,eh0,Total,3109379,0.3106543124,0.1781764179,0.06693587452,0.6305493712,0.6224098057,0.6066584804,0.4991153892,0.1075430912,1261768,0.6519727163,0.4749768674,0.1575183421,0.5938243537,0.08961629122,0.9108116627,0.08918834478,0.8062922359,0.1937077641,0.6448439956,0.325155139,0.0300008785,,,0.5701304674,,,0.1637161523,0.1753578186,0.1789019257,0.6457402706,0.9510400891,0.7756471038,0.0005899586831,0.09392525256,0.007238741033,0.07714797556,0.2294434607,0.07654496282,0.06774605066,0.2127018571,0.05930390209,0.01061925665,0.09882330149,0.03140007332,0.01987586543,0.02975114621,0.05054153502,0.2524692416,0.2465131134,0.2595852911,0.000421150442,40,0.2453523725,0.1670029312,1.666666627,2.108155727,3.091021061,300,379.4680481,556.3837891,172.5129395,300,328.125,1.066666722,2.132666588,0.04751143232,0.1038127989,0.6012998819,0.2473758608 +Panama,PAN,Latin America and Caribbean,LCN,2004,eh0,Urban,1960617,0.277618736,0.1883050054,0.06324284524,1,0.6591384411,0.3820647001,0.3134429753,0.06862170994,855480,0.6619732976,0.5232824087,0.120131962,0.5914790034,0.06018742174,0.8935089111,0.1064910963,0.7603328228,0.2396671921,0.7494959831,0.2185865939,0.03191741183,,,0.6122789383,,,0.1994259357,0.02295981534,0.1891862601,0.7878539562,0.9966270924,0.9751195312,0.0005664729397,0.09210614115,0.009075340815,0.08743830025,0.2705150247,0.09810447693,0.0943890363,0.2543855906,0.07045981288,0.0138112111,0.1254273057,0.03928941116,0.02473380417,0.03885245323,0.06492721289,0.2226709574,0.1710512787,0.2986031771,0.000633193762,40,0.17850326,0.1770015955,1.833333373,2.318971395,3.400123358,328.125,417.414856,608.5447998,189.1499939,315,337.5,1.066666722,2.132666588,0.01659149677,0.05431861058,0.6018782258,0.3272116482 +Panama,PAN,Latin America and Caribbean,LCN,2004,eh0,Young worker,554018,0,1,0,0.6663935184,1,0.3820647001,0.3134429753,0.06862170994,256443,0.4628784657,0.3102593422,0.1575183421,0.3732153177,0.04828600213,0.8062922359,0.1937077641,0.8062922359,0.1937077641,0.6583368778,0.3320775032,0.009585622698,,,0.5802913308,,,0.05628530681,0.2243528962,0.1921815723,0.5834655166,0.9328052402,0.7756471038,0,0.09252398461,0.005392517429,0.09426507354,0.2593631446,0.05293855816,0.06131993234,0.1401715875,0.06967228651,0.01001605671,0.03486032784,0.0262661539,0.01210535504,0.02616942674,0.05107173324,0.2679089606,0.2387313247,0.3328706622,0,40,0.3307021558,0.1526801884,1.302083373,1.646996856,2.414860249,234.3750153,296.4594421,434.6748962,155.2616425,248.7446899,243.5625,1.066666722,2.132666588,0.01631441154,0.04891360551,0.7162575126,0.218514502 +Panama,PAN,Latin America and Caribbean,LCN,2005,eh0,Female,1589579,0.2913853228,0.1745487303,0.07017204165,0.6536825299,0.6384426355,0.382150799,0.3116100132,0.07054078579,516866,0.5093003511,0.5093003511,0.2372062206,0.4461553693,0.9984208941,0.8760161996,0.1239837781,0.7360886931,0.2639113069,0.6911301613,0.2943992913,0.01447050832,,,0.503940165,,,0.2094292343,0.06721763313,0.1053793952,0.8274029493,0.932782352,0.9125775695,0.00003091988765,0.09532601386,0.002802666975,0.007219794206,0.2851432264,0.02616264299,0.08350357413,0.2986419499,0.1339515895,0.005680425093,0.1400207132,0.03999266773,0.02442671172,0.01772151329,0.09615202248,0.2585587502,0.1227122024,0.2947350144,0,39,0.3064106107,0.1273798794,1.741071463,2.134361029,3.229013205,309.375,384.1849976,573.770813,198.3898773,300,320,,2.144486904,0.05630599707,0.0988054201,0.5828100443,0.2620785236 +Panama,PAN,Latin America and Caribbean,LCN,2005,eh0,Higher education,1828065,0.215268597,0.2484971881,0.03239162639,0.75349015,0.7523397803,0.382150799,0.3116100132,0.07054078579,929889,0.6761226058,0.5515470505,0.1017744988,0.5981462002,0.9985826015,0.8846711516,0.1153288186,0.7766044736,0.2233955562,0.7309474349,0.2367336601,0.03231888264,,,0.5826119781,,,0.2067414224,0.06401052326,0.1697096974,0.766279757,0.9830831289,0.8781452775,0.0005761894863,0.08786889911,0.007593788672,0.07367081195,0.2718253136,0.09363809228,0.09438810498,0.261718899,0.04470938817,0.01513409149,0.1387875229,0.03955164179,0.02594554611,0.04216272756,0.06699600816,0.224340722,0.1865699291,0.2604570985,0.00005470153701,39,0.2040849328,0.1689256579,1.944444418,2.383673668,3.606191397,345.5357056,429.0612488,640.8348999,203.4375153,328.125,370.902832,1.059999943,2.144486904,0,0,0.5787374973,0.4212625027 +Panama,PAN,Latin America and Caribbean,LCN,2005,eh0,Lower education,1355540,0.4233626425,0.07784868032,0.1197102293,0.4778176844,0.4569271207,0.382150799,0.3116100132,0.07054078579,411934,0.665071547,0.4097801745,0.3149241507,0.6382706761,0.9990792871,0.9597022533,0.04029771686,0.9024211764,0.09757884592,0.4406856,0.5379324555,0.0213819202,,,0.4901502728,,,0.04252859578,0.4121527672,0.1791447252,0.4087025225,0.7906003594,0.4539596438,0.001396287698,0.09957908839,0.003746199422,0.07442314923,0.1738454103,0.03698897734,0.01969473995,0.09709258378,0.08108080924,0.0007841470651,0.005597798154,0.01073016785,0.003559015924,0.01035832986,0.01492408942,0.3078207374,0.3713543415,0.2748713791,0,39,0.4070251286,0.1591646373,1.198006511,1.4686234,2.221837997,215.6411743,264.3522034,399.9308472,168.200119,280.2272644,225,1.059999943,2.144486904,0.1174378395,0.2638755143,0.618686676,0 +Panama,PAN,Latin America and Caribbean,LCN,2005,eh0,Male,1594026,0.3163248301,0.1771219522,0.06897126883,0.6185908914,0.6147038937,0.382150799,0.3116100132,0.07054078579,824957,0.8419182897,,0.04835002124,0.780929625,0.9989349246,0.9275598526,0.07244013995,0.8452730179,0.154726997,0.6045463085,0.3582240939,0.03722962737,,,0.6010090709,,,0.1203114986,0.2419782132,0.2126498073,0.5453719497,,0.6956686378,0.001322535216,0.08950636536,0.008440963924,0.1133799553,0.2133241445,0.104297325,0.06223887578,0.1548176557,0.01069397852,0.01331421826,0.06924621761,0.02440025285,0.01527841855,0.04019357264,0.02284117602,0.2472226173,0.3198235333,0.2476211935,0.0000588083858,39,0.248534441,0.1884475052,1.692708373,2.075073004,3.139318466,303.75,373.5131531,563.338623,177.4418793,323.4617615,337.5,,2.144486904,0.03554674983,0.1068377271,0.6055057049,0.2521098256 +Panama,PAN,Latin America and Caribbean,LCN,2005,eh0,Old worker,1434913,0,0,0,0.6701081991,1,0.382150799,0.3116100132,0.07054078579,1068683,0.7447719574,0.5682103038,,0.6953648329,0.9989537001,0.9336613417,0.06633865833,,,0.6323808432,0.3331569433,0.03446223214,,,0.5623837113,,,0.1770285815,0.1645750403,0.1746473163,0.6607776284,0.9366053939,,0.0009641326615,0.09428155422,0.00706061814,0.07234101743,0.229360342,0.08172678202,0.06952378899,0.2268167138,0.05335000902,0.01102338359,0.1100494266,0.03156281635,0.02047930099,0.03209399059,0.05051574111,0.2441741079,0.2519603372,0.2480957806,0.00004509976134,39,0.2477993369,0.1713684052,1.875,2.2985425,3.477398872,337.5,413.7376404,625.9317627,186.5296173,336.400238,360,1.059999943,2.144486904,0.0587175563,0.1248890907,0.5480529666,0.268340379 +Panama,PAN,Latin America and Caribbean,LCN,2005,eh0,Rural,1158475,0.3555070162,0.1611256152,0.07475603372,0,0.5697369576,0.382150799,0.3116100132,0.07054078579,434704,0.6586164832,0.4146846831,0.20458588,0.6267647147,0.9989025593,0.951638341,0.04836164415,0.9055531621,0.0944468379,0.4289996326,0.5531629324,0.01783741638,,,0.433213681,,,0.08987118304,0.4783710241,0.1495548487,0.3720741272,0.7565455437,0.4545001388,0.001774313976,0.0955543071,0.003717840649,0.04850839078,0.151379928,0.0393733345,0.01546360645,0.1321259588,0.03373130411,0.003778273705,0.0466398038,0.01307045761,0.01019142754,0.01065797079,0.02448021621,0.3184869587,0.3896021247,0.183092773,0,39,0.4219353199,0.1323429793,1.299837112,1.593456388,2.410694361,233.9706726,286.8221436,433.9249878,172.5129395,269.1201782,286.8027344,1.059999943,2.144486904,0.09351809323,0.180230841,0.6041603684,0.1220906973 +Panama,PAN,Latin America and Caribbean,LCN,2005,eh0,Total,3183605,0.3038724959,0.1758371443,0.06957081705,0.6361122131,0.6265566796,0.5960247893,0.4849880398,0.1110367495,1341823,0.6726911117,0.5093003511,0.1419552863,0.6106053723,0.9987438321,0.9077054262,0.09229458869,0.8061506748,0.1938493103,0.6367337704,0.334497273,0.02876894549,,,0.561841011,,,0.1534409374,0.1770111173,0.1727721244,0.6502167583,0.932782352,0.7666354775,0.0008423783584,0.0916698128,0.006344931666,0.07391500473,0.2400228232,0.07525082678,0.07014401257,0.2082842141,0.05651488528,0.01047636289,0.09555657953,0.03019671887,0.01867928915,0.0318396017,0.05009441823,0.2514367998,0.2465475649,0.2651357055,0.00003694641782,39,0.2700426877,0.1657532156,1.704545498,2.089584112,3.161271811,305.8184204,376.1251526,567.1747437,177.9039764,318.75,328.125,1.059999943,2.144486904,0.04578508809,0.1028762385,0.5943123698,0.2570263147 +Panama,PAN,Latin America and Caribbean,LCN,2005,eh0,Urban,2025130,0.2743349671,0.1842528582,0.06660461426,1,0.6590604186,0.382150799,0.3116100132,0.07054078579,907119,0.6796512604,0.5519118905,0.1106245443,0.602614224,0.9986621737,0.886652112,0.1133478656,0.7509763837,0.2490236014,0.7435792089,0.222029373,0.03439144045,,,0.6000100374,,,0.1861372441,0.02201047167,0.1847136468,0.7932758927,0.9966391921,0.9755507708,0.0003630490683,0.08967187256,0.007696142886,0.08698257804,0.285615176,0.09370395541,0.09826818109,0.2474552393,0.06823333353,0.01392143965,0.1207163036,0.03900539503,0.02304491214,0.04273410887,0.06326875836,0.2169504166,0.1729692519,0.3073334694,0.00005594934191,39,0.1918005347,0.1829633266,1.875,2.2985425,3.477398872,337.5,413.7376404,625.9317627,225,328.125,337.5,1.059999943,2.144486904,0.01610718295,0.05478116497,0.5881893635,0.340922296 +Panama,PAN,Latin America and Caribbean,LCN,2005,eh0,Young worker,559796,0,1,0,0.6665570736,1,0.382150799,0.3116100132,0.07054078579,273140,0.4879277349,0.3527368009,0.1419552863,0.3933432996,0.99779284,0.8061506748,0.1938493103,0.8061506748,0.1938493103,0.6564589143,0.3405709565,0.002970135072,,,0.5594720244,,,0.0465548262,0.2333645225,0.1642748117,0.6023606658,0.9125775695,0.7666354775,0.0002906554146,0.07983487099,0.003101838287,0.08104745299,0.2883392572,0.04590539262,0.07295451313,0.1243051514,0.07085634023,0.007997565903,0.02988301031,0.02400632203,0.01052263472,0.03068685532,0.04818522185,0.2843472958,0.222019881,0.342351228,0,39,0.3710142672,0.1402636021,1.299999952,1.593656063,2.410996437,233.333313,286.8580933,432.7429199,155.2616425,252.6136322,234.7826233,1.059999943,2.144486904,0.0154817393,0.05129575729,0.702707231,0.2305152565 +Panama,PAN,Latin America and Caribbean,LCN,2006,eh0,Female,1624179,0.2938616872,0.1775771081,0.07538516074,0.6546618342,0.6307531595,0.3844181895,0.3096878827,0.07473032176,506140,0.4940573275,0.4940573275,0.2706844509,0.4415387213,0.0566524528,0.893699348,0.1063006297,0.7477835417,0.2522164583,0.6999427676,0.2830964625,0.01639264449,,,0.4775465131,,,0.2088553458,0.06777561456,0.105353035,0.8268713355,0.9322243929,0.9222759604,0.0005972394138,0.09292382002,0.003915236332,0.007916740142,0.2702818215,0.02877809294,0.08303397894,0.2966709435,0.1481065303,0.004304547794,0.1445983052,0.03478366509,0.01956069656,0.01853654161,0.09439036995,0.275829494,0.1196182072,0.2883781493,0,39,0.308642596,0.118545197,1.797009826,2.157711983,3.332757235,321.4285889,388.3881531,596.1255493,248.4186401,300,323.4617615,,2,0.05794678628,0.09381123632,0.5773293972,0.2709125876 +Panama,PAN,Latin America and Caribbean,LCN,2006,eh0,Higher education,1869108,0.2104228288,0.2503006756,0.03494394198,0.7511882782,0.7546332479,0.3844181895,0.3096878827,0.07473032176,944703,0.6697688699,0.5386816859,0.1165507808,0.6055281162,0.06699863821,0.9040852189,0.09591480345,0.8031639457,0.1968360394,0.737641871,0.2287282795,0.03310650215,,,0.5751253366,,,0.2017909139,0.06688962877,0.1841292381,0.7489811182,0.982375443,0.8670175076,0.00146196608,0.09004445374,0.008685109206,0.08393770456,0.2630437613,0.08866331726,0.09419371933,0.2542883754,0.04879194498,0.01418973971,0.1360987276,0.04281053692,0.02286664769,0.03780259937,0.06321363151,0.2405730784,0.170178473,0.2715367675,0.0007298115524,39,0.1894007772,0.1503201425,1.96875,2.363924503,3.651268721,350,425.5064087,649.1144409,213.150528,337.5,372.6818237,1.071428657,2,0,0,0.5740306377,0.4259693623 +Panama,PAN,Latin America and Caribbean,LCN,2006,eh0,Lower education,1369342,0.4251304567,0.07822808623,0.1248051971,0.484575063,0.4500643313,0.3844181895,0.3096878827,0.07473032176,402166,0.6525575519,0.3862197697,0.3552898169,0.6247898936,0.1406040192,0.9574479461,0.04255208001,0.9083431959,0.09165679663,0.4580408335,0.5229461789,0.01894544438,,,0.4456029832,,,0.04215004295,0.4298295975,0.1770161539,0.3931542337,0.7766880989,0.4352132678,0.002724484308,0.09675685316,0.002869928489,0.07466489077,0.1595238745,0.03535855934,0.02018559724,0.09201692045,0.08606928587,0.001979081891,0.004597080406,0.01247185282,0.002093359595,0.01051095128,0.01672869734,0.3168349266,0.3598318994,0.274487257,0.0004649024631,39,0.4034188688,0.1419183165,1.198006511,1.438474655,2.221837997,215.6411743,258.9254456,399.9308472,172.5129395,284.625,225,1.071428657,2,0.1208923683,0.2562178373,0.6228898168,0 +Panama,PAN,Latin America and Caribbean,LCN,2006,eh0,Male,1614271,0.3086024523,0.1775061339,0.07048135251,0.6221464872,0.6209161878,0.3844181895,0.3096878827,0.07473032176,840729,0.8387771845,,0.0506590642,0.78498137,0.1089681312,0.9358639717,0.06413600594,0.8705963492,0.1294036359,0.6224822402,0.3414581418,0.03578509763,,,0.5915626287,,,0.1196035147,0.2440350205,0.2259227186,0.5300422311,,0.6805113554,0.002576939529,0.09167522937,0.008580051363,0.1230904981,0.2082121372,0.09698928893,0.06438153237,0.1504998803,0.009959420189,0.01389411557,0.06684532762,0.03257343173,0.01459841989,0.03551650792,0.02254154719,0.2576392889,0.2920700908,0.2633017004,0.001019588322,39,0.225638032,0.1644797772,1.767045498,2.121733189,3.277184963,315,381.9119568,584.2030029,180.1035156,328.125,338.1253662,,2,0.03513577953,0.1023423076,0.6075714231,0.2549505234 +Panama,PAN,Latin America and Caribbean,LCN,2006,eh0,Old worker,1451823,0,0,0,0.676201582,1,0.3844181895,0.3096878827,0.07473032176,1077040,0.7418535352,0.5590831637,,0.6997099519,0.09474383295,0.9431915283,0.0568084754,,,0.6468019485,0.3187581003,0.03426473215,,,0.5489143133,,,0.1745357364,0.1658411026,0.1834343076,0.6507245898,0.934068203,,0.00193368562,0.09328063577,0.007235568017,0.08098440617,0.2210545242,0.07668087631,0.07362576574,0.220496282,0.0588671416,0.01155682374,0.1091882586,0.03455724567,0.01747602783,0.02955762483,0.04978649691,0.2574873567,0.231635645,0.2579648793,0.0007896210882,39,0.2340544462,0.1508093774,1.875,2.25135684,3.477398872,337.5,405.2442322,625.9317627,191.9206543,337.5,360,1.071428657,2,0.05673549324,0.1176217124,0.5527214408,0.2729213536 +Panama,PAN,Latin America and Caribbean,LCN,2006,eh0,Rural,1170849,0.3516696095,0.1705719531,0.0762566328,0,0.5720737576,0.3844181895,0.3096878827,0.07473032176,434988,0.649418056,0.3967054188,0.2333286554,0.6178748608,0.1576547623,0.9514285326,0.04857145622,0.8980026841,0.1019972861,0.4500120878,0.5320664048,0.01782245189,,,0.3966935575,,,0.09272700548,0.4927999973,0.1503193378,0.3568806648,0.7550108433,0.4299752414,0.00325021334,0.08851213008,0.004772617947,0.05378438532,0.1421708465,0.03333583102,0.01251996681,0.1287881881,0.04006582499,0.00414432399,0.04903351516,0.01403753832,0.00976513885,0.01166210324,0.02194920927,0.3328049183,0.3757391572,0.1808012724,0.00006282940012,39,0.4212651551,0.1230229512,1.380103588,1.65712297,2.559557676,248.4186249,298.282135,460.7203369,177.4418793,279.2553406,302.7601929,1.071428657,2,0.09692255408,0.1649388075,0.6066535115,0.1314851344 +Panama,PAN,Latin America and Caribbean,LCN,2006,eh0,Total,3238450,0.3012095392,0.1775417179,0.07294075936,0.6384539008,0.6258497089,0.5978277104,0.4812809447,0.1165467657,1346869,0.6645353779,0.4940573275,0.1610303372,0.6113851545,0.08987084031,0.920018971,0.07998105139,0.8275241256,0.1724759042,0.6507583857,0.3201538026,0.02870608307,,,0.5467965603,,,0.1521839648,0.1797053665,0.1819182187,0.6383764148,0.9322243929,0.7571470141,0.001854405389,0.09213092923,0.006877527107,0.08105535805,0.2308657914,0.07209414244,0.07118914276,0.2038481534,0.06037918106,0.01039419603,0.09522294998,0.03338010237,0.01640950888,0.02931930311,0.04876432195,0.2642782032,0.2291300744,0.2724538743,0.0006474676193,39,0.2559453249,0.1477077752,1.78125,2.138788939,3.303528786,316.40625,384.9820251,586.8110352,181.1385956,328.125,337.5,1.071428657,2,0.04631578177,0.09816110879,0.5927493572,0.2627737522 +Panama,PAN,Latin America and Caribbean,LCN,2006,eh0,Urban,2067601,0.2726348042,0.1814885885,0.07106303424,1,0.6563021541,0.3844181895,0.3096878827,0.07473032176,911881,0.6719974279,0.5388513803,0.1225516051,0.6081817746,0.05587887764,0.9050358534,0.09496414661,0.7858023643,0.2141976357,0.7514277101,0.213884905,0.0341639556,,,0.5918757319,,,0.1820001602,0.0226294864,0.1977709979,0.7795994878,0.9954236746,0.9788014889,0.001154144993,0.09394643456,0.007933534682,0.09473688155,0.2753629982,0.09153873473,0.1006227806,0.241504848,0.07057014853,0.01352968346,0.1183956414,0.04308404028,0.01974291168,0.03817771003,0.06221714616,0.2298991531,0.1555780172,0.3184349239,0.0009407736943,39,0.1728634834,0.1601131856,1.875,2.25135684,3.477398872,337.5,405.2442322,625.9317627,240.0000153,337.5,337.5,1.071428657,2,0.01476822887,0.05653282627,0.5840817094,0.3446172178 +Panama,PAN,Latin America and Caribbean,LCN,2006,eh0,Young worker,574960,0,1,0,0.6526471376,1,0.3844181895,0.3096878827,0.07473032176,269829,0.4693004787,0.328111738,0.1610303372,0.3883574605,0.06770119816,0.8275241256,0.1724759042,0.8275241256,0.1724759042,0.6687580943,0.3265036643,0.003417080967,,,0.5374781489,,,0.05049487203,0.2428529859,0.1750128865,0.5821341276,0.9222759604,0.7571470141,0.001493307063,0.08689432591,0.00524675427,0.08137850463,0.2755532563,0.05120294169,0.06009103358,0.1280208081,0.06726608425,0.005098768976,0.03161505982,0.02801856585,0.01155182812,0.02823381685,0.0441086106,0.2952084243,0.217717886,0.3384470642,0,39,0.356051147,0.133524254,1.428571463,1.715319395,2.649446726,255.6818085,308.7575073,474.1907349,150,270,265.9091187,1.071428657,2,0.02220807783,0.05313582718,0.6853604913,0.2392955869 +Panama,PAN,Latin America and Caribbean,LCN,2007,eh0,Female,1659776,0.2909940779,0.1756285131,0.07977281511,0.6567952633,0.6292331219,0.3824166358,0.3042166829,0.07819996029,532979,0.5103275776,0.5103275776,0.2472007275,0.4695246816,0.04920620471,0.9200456142,0.07995437086,0.8047327399,0.1952672303,0.7121878862,0.2716935277,0.01589020342,,,0.5118743181,,,0.2031221688,0.07369664311,0.1069243848,0.8193789721,0.9263033867,0.8772696853,0.0004018333275,0.09221564978,0.004919908475,0.009386990219,0.2799228132,0.02527266555,0.08876029402,0.288149178,0.1372740269,0.004043560941,0.1403474808,0.0448015146,0.02496521547,0.01981589757,0.09466461837,0.2743705213,0.1124750599,0.2845161259,0,39,0.2920623422,0.1026072353,1.875,2.161261559,3.477398872,337.5,389.0270691,625.9317627,219.375,328.125,337.5,,1.996677399,0.05795696005,0.09363862127,0.5597701669,0.2886342406 +Panama,PAN,Latin America and Caribbean,LCN,2007,eh0,Higher education,1928839,0.2026955038,0.2529236376,0.03877358511,0.7508044839,0.7585309148,0.3824166358,0.3042166829,0.07819996029,986174,0.6740378737,0.5489559174,0.1134408414,0.6257528663,0.06558066607,0.9283645749,0.07163543254,0.8441027403,0.1558972895,0.7529886961,0.2156884223,0.03109895997,,,0.6015829444,,,0.2021541595,0.0624390915,0.1891046166,0.7484562993,0.9842039347,0.8763291836,0.001926093944,0.08399321139,0.008295423351,0.09488989413,0.2677860558,0.08633118123,0.09738409519,0.2512968183,0.04565814883,0.01416906994,0.134728536,0.04603090137,0.0252820868,0.03761774302,0.06155700237,0.2350986004,0.1721703708,0.2728605866,0.0004851223784,39,0.182178393,0.1359145939,2.03125,2.341366768,3.767182112,365.625,421.4460144,678.0927734,215.6411743,350,374.9999695,1.099999905,1.996677399,0,0,0.5639071465,0.4360928833 +Panama,PAN,Latin America and Caribbean,LCN,2007,eh0,Lower education,1364400,0.4342634082,0.07383172214,0.1313734949,0.4852103591,0.434363097,0.3824166358,0.3042166829,0.07819996029,394147,0.6650642753,0.4088770449,0.2952966094,0.646967411,0.1413794756,0.9727893472,0.02721066028,0.9300827384,0.0699172616,0.4866491854,0.4900031686,0.02334764227,,,0.4510214925,,,0.04263970256,0.434948951,0.1982463151,0.366804719,0.7355229259,0.419496119,0.00468674209,0.0989901498,0.001823056606,0.09274637699,0.1489507705,0.03125016391,0.01568767615,0.08205319196,0.08886292577,0.0008737109601,0.008064221591,0.01036977489,0.002986265812,0.006290718913,0.01896865666,0.3287578821,0.3458982408,0.2777905166,0,39,0.3950450122,0.1315372586,1.232235312,1.420364261,2.285319328,221.8023682,255.6655731,411.3574829,168.200119,297.5848083,225,1.099999905,1.996677399,0.1302263588,0.2513376474,0.6184359789,0 +Panama,PAN,Latin America and Caribbean,LCN,2007,eh0,Male,1633463,0.3063987494,0.181871891,0.07446082681,0.6244824529,0.6191404462,0.3824166358,0.3042166829,0.07819996029,847342,0.8378384113,,0.0438567251,0.7995170951,0.1114538237,0.9542616606,0.0457383208,0.8949202895,0.1050797254,0.651437223,0.3118011057,0.03664669022,,,0.607720077,,,0.1259272397,0.2322728783,0.2432723641,0.5244547725,,0.7120364308,0.004159590695,0.08611948043,0.007272790186,0.1457204968,0.2040697932,0.09723398834,0.06386944652,0.1486877501,0.01059378404,0.0140025951,0.07125231624,0.02986420505,0.01490056235,0.03355378285,0.02128775418,0.2557066083,0.2907508314,0.26813218,0.0005491698976,39,0.2165395319,0.1540507674,1.822916627,2.101226568,3.3808043,326.25,378.2207947,605.0673828,181.1385956,337.5,352.8674011,,1.996677399,0.03671192005,0.08829256147,0.606467545,0.2685279548 +Panama,PAN,Latin America and Caribbean,LCN,2007,eh0,Old worker,1467144,0,0,0,0.6761074662,1,0.3824166358,0.3042166829,0.07819996029,1097973,0.7483744025,0.5768008828,,0.7192034125,0.09433032572,0.9610208869,0.03897910193,,,0.6703030467,0.2948184013,0.0348473005,,,0.5634846091,,,0.1793967783,0.1581635475,0.191904977,0.6499314904,0.9357738495,,0.002182644559,0.08987984806,0.007349721622,0.09249276668,0.2204205692,0.07460891455,0.07522305101,0.2198604494,0.05981848761,0.01161928941,0.1114105955,0.03638183326,0.02042189613,0.0281582959,0.04963597283,0.2553362548,0.2286971807,0.257917881,0.0004207964521,39,0.222245723,0.1414185762,1.946760654,2.243978262,3.610486984,350,403.9161072,649.1144409,186.8890228,356.25,374.9999695,1.099999905,1.996677399,0.05952196568,0.1083063632,0.5394459367,0.2927257419 +Panama,PAN,Latin America and Caribbean,LCN,2007,eh0,Rural,1183037,0.3477355242,0.1715449244,0.07904402167,0,0.5732204318,0.3824166358,0.3042166829,0.07819996029,446838,0.6589160562,0.4192194045,0.1988134682,0.6362261176,0.1568011194,0.9655647278,0.03443529829,0.929869175,0.07013081014,0.4824255705,0.495877862,0.0216200687,,,0.4254959226,,,0.0887632668,0.4767534137,0.1669030935,0.3563435078,0.7313762307,0.4468241632,0.006643209141,0.08657960594,0.003643797943,0.07003648579,0.1491453797,0.03351274133,0.01419041399,0.1162260249,0.04326894134,0.002510856139,0.04688322172,0.01479851734,0.009721162729,0.01254268829,0.02323527075,0.3376695514,0.3559665978,0.1966721267,0,39,0.4099394381,0.1125704944,1.437607884,1.657091618,2.666205883,258.7694092,298.2764893,479.9170227,172.5129395,300.1725464,312.6796875,1.099999905,1.996677399,0.09697214514,0.1563968509,0.6073349714,0.1392960101 +Panama,PAN,Latin America and Caribbean,LCN,2007,eh0,Total,3293239,0.2986348569,0.1787252575,0.07713803649,0.6407679319,0.6242270917,0.6019810714,0.4784073952,0.1235736762,1380321,0.6714508566,0.5103275776,0.1445653588,0.6318687839,0.0879548192,0.9410499334,0.05895005539,0.8633884192,0.136611551,0.6743710637,0.2966601551,0.02881094068,,,0.5695101023,,,0.1550689787,0.1724132299,0.1918034852,0.6357833147,0.9263033867,0.765865922,0.002741105622,0.0884206742,0.006384620443,0.09425707906,0.2327029258,0.07006990165,0.07326529175,0.2013318986,0.05841327086,0.01024367474,0.09733147174,0.03550211713,0.01869934611,0.02836858109,0.04898298532,0.2627510726,0.2234627306,0.2743161321,0.0003418921842,39,0.2450631708,0.1346214414,1.868890166,2.154218912,3.466067553,335.4545593,387.7593994,622.1383057,181.1385956,337.5,342.3912964,1.099999905,1.996677399,0.04710197449,0.09090709686,0.5836298466,0.2783610821 +Panama,PAN,Latin America and Caribbean,LCN,2007,eh0,Urban,2110202,0.2711077034,0.1827507466,0.07606949657,1,0.6528227925,0.3824166358,0.3042166829,0.07819996029,933483,0.677621305,0.5518149137,0.1160172299,0.6297238469,0.05371412262,0.929315269,0.07068473846,0.823821187,0.1761787981,0.7698351741,0.1975792497,0.03238731995,,,0.6143980026,,,0.1880461127,0.02103125863,0.2041891813,0.7747795582,0.9960587025,0.9804457426,0.0008001586539,0.08933644742,0.007747933734,0.106304653,0.2742653191,0.088253811,0.1026497483,0.2436644435,0.0659462139,0.01408924907,0.1224196628,0.04579813033,0.02316424623,0.03623888642,0.06178746745,0.2254936993,0.1575678438,0.312928915,0.0005119170528,39,0.1629431546,0.1456043869,1.944444418,2.241308451,3.606191397,350,403.4355164,649.1144409,219.375,351.5625,351.5625,1.099999905,1.996677399,0.01647009142,0.05068114772,0.5690693855,0.3637793958 +Panama,PAN,Latin America and Caribbean,LCN,2007,eh0,Young worker,588585,0,1,0,0.6552001834,1,0.3824166358,0.3042166829,0.07819996029,282348,0.4797064066,0.3386437297,0.1445653588,0.4141729772,0.06035868824,0.8633884192,0.136611551,0.8633884192,0.136611551,0.6919795275,0.3046321273,0.002682790859,,,0.5947725773,,,0.04976699874,0.2341340929,0.1913638562,0.5745020509,0.8772696853,0.765865922,0.005160013679,0.08210045844,0.002204397228,0.1018989831,0.28590253,0.0504096821,0.06478547305,0.1210776493,0.05232672766,0.004283139016,0.0363266021,0.03169029951,0.0112355398,0.0292797517,0.04615359381,0.2948795259,0.2007818818,0.345369637,0,39,0.3440807462,0.1051249206,1.479166627,1.704995275,2.743281126,266.25,306.8991699,493.7906189,155.2616425,280.3335266,272.6320801,1.099999905,1.996677399,0.01904741116,0.05160521716,0.6834335327,0.2459138632 +Panama,PAN,Latin America and Caribbean,LCN,2008,eh0,Higher education,1979618,0.1930993795,0.2484570295,0.04168228433,0.7568657398,0.7652183175,0.3851124644,0.3028834462,0.08222904056,1048109,0.6918941736,0.5563183427,0.1076873019,0.6483324766,0.07610678673,0.9370399714,0.06296005845,0.8533192873,0.1466806978,0.7558017373,0.2094275653,0.03466378897,,,0.608122468,,,0.19650653,0.06092880294,0.1940744221,0.7449967861,0.9818495512,0.8891680241,0.00156514917,0.08490297943,0.006728003267,0.1008782983,0.2674674094,0.08806077391,0.09312179685,0.2496743947,0.04667240381,0.01547532342,0.1327484846,0.04632515833,0.02547415346,0.03660636395,0.06097768247,0.2339760661,0.176312983,0.2716801763,0.000423618796,39,0.1842516512,0.1415616423,2.177083254,2.307369709,4.037646294,389.4230652,415.3265381,722.2289429,242.5963135,374.9999695,393.75,1.083333373,1.855384588,0,0,0.5711813569,0.4288186133 +Panama,PAN,Latin America and Caribbean,LCN,2008,eh0,Lower education,1368286,0.4448930919,0.07034640759,0.1341934353,0.4784438312,0.4209134579,0.3851124644,0.3028834462,0.08222904056,382210,0.6636396646,0.3985526562,0.322791785,0.6475890875,0.1426135302,0.9758143425,0.0241856575,0.9428791404,0.057120841,0.486199826,0.4947635829,0.01903658733,,,0.4503959417,,,0.03981864452,0.436029017,0.1882906258,0.3756803572,0.7382433414,0.4103005826,0.003638401395,0.0869435817,0.001592638437,0.09611599892,0.1570035815,0.03538928553,0.02025922015,0.08403714746,0.07899111509,0.00153097068,0.007703115232,0.01011084113,0.003729562508,0.006756647956,0.01543036103,0.3179512322,0.3607192039,0.2760680616,0,39,0.394672811,0.1296382248,1.407657743,1.491898417,2.610659838,253.3783875,268.5417175,469.9187622,196.23349,328.5,261.1607056,1.083333373,1.855384588,0.1136231869,0.2552532554,0.6311236024,0 +Panama,PAN,Latin America and Caribbean,LCN,2008,eh0,Male,1652131,0.306232363,0.1821126789,0.07429677248,0.6274048686,0.6194708347,0.3851124644,0.3028834462,0.08222904056,881021,0.8608369827,,0.03610149026,0.824308455,0.1153886244,0.9575662613,0.04243372008,0.8965123296,0.1034876928,0.6652300358,0.298145175,0.03662480041,,,0.6131711602,,,0.1213094294,0.2211688459,0.2492793053,0.5295518637,,0.7357273698,0.002996552968,0.08454357088,0.006115196738,0.1556239873,0.2064504176,0.1044016629,0.06125272065,0.1477058828,0.009741167538,0.01516649406,0.06986662745,0.02843643539,0.01574731246,0.03507318348,0.02120464295,0.2575139105,0.2918320298,0.2646662891,0.0004931036383,39,0.2096940875,0.1576842219,1.976710796,2.095006227,3.66603303,354.375,377.1011047,657.2283936,207.0155334,374.9999695,384.3750305,,1.855384588,0.03176498413,0.08536365628,0.6077031493,0.2751682103 +Panama,PAN,Latin America and Caribbean,LCN,2008,eh0,Total,3347904,0.2960073054,0.1756633371,0.07949152589,0.6430748701,0.6245011836,0.6012780137,0.473989983,0.1272880308,1430319,0.6841111135,0.5146502256,0.1428930908,0.6481277073,0.09441172332,0.9474012256,0.05259875581,0.871419847,0.1285801381,0.6815980673,0.2879618108,0.03036264889,,,0.5771558285,,,0.1533806771,0.1641772091,0.192482397,0.6433404088,0.9298496842,0.7844070196,0.002135823248,0.0854646638,0.005314465612,0.09956745058,0.2370616198,0.07356265187,0.07306596637,0.2040818334,0.05556830764,0.0116370637,0.09832905233,0.03635696694,0.01948883384,0.0283900667,0.0484405309,0.2570906878,0.2270718217,0.2728879452,0.0003070153762,39,0.2421845794,0.1382789016,2.012650967,2.133097172,3.73268795,360,383.9574585,667.6605835,207.0155334,374.9999695,374.9999695,1.083333373,1.855384588,0.03962601721,0.08901941776,0.5920861959,0.279268384 +Panama,PAN,Latin America and Caribbean,LCN,2009,eh0,Female,1719024,0.2820385396,0.165985465,0.08691909164,0.6598470807,0.6310423613,0.3874488175,0.3025033772,0.08494543284,575645,0.5306574702,0.5306574702,0.2405680418,0.4853513539,0.05395082384,0.9146227241,0.08537727594,0.7968111634,0.2031888515,0.6848706007,0.2965994179,0.01760690473,,,0.5197499394,,,0.2065458894,0.07696592808,0.09937985986,0.8236542344,0.9230340719,0.8894276023,0.0006634829333,0.08569195867,0.003133008257,0.009891409427,0.2850486338,0.02985673398,0.0940111652,0.2968202233,0.1179174632,0.00738005992,0.1470879018,0.04740196094,0.02651650459,0.02386827767,0.08696759492,0.2679026425,0.1283829957,0.2643380761,0.0001539888763,39,0.2939822972,0.1013041735,2.156411886,2.231698513,3.999308825,388.1541443,401.7057495,719.8756104,253.3783875,374.9999695,390.0000305,,1.843340039,0.05064857006,0.09056310356,0.5681076646,0.2906806767 +Panama,PAN,Latin America and Caribbean,LCN,2009,eh0,Higher education,2021214,0.1952801645,0.2403090447,0.04397258162,0.7576960921,0.7607472539,0.3874488175,0.3025033772,0.08494543284,1071823,0.6970603466,0.5652557015,0.1126748994,0.6441966295,0.07160250098,0.924161911,0.07583808154,0.8373996615,0.1626003385,0.743059814,0.2216189653,0.0346538946,,,0.6019708514,,,0.2001498193,0.06206023693,0.195145458,0.7427943349,0.9811860323,0.8751317859,0.002032575663,0.08481356502,0.007181700319,0.1011176109,0.2588038743,0.09388742596,0.09691204131,0.2543467581,0.03884422034,0.01605350897,0.1370261163,0.04485506937,0.02903087996,0.03910182789,0.05991451442,0.2417078018,0.1786100715,0.2536183894,0.00008182835154,39,0.1815611571,0.1352182776,2.336112738,2.417673111,4.332584381,420.5003052,435.1811523,779.8652344,251,409.0908813,431.2823486,1.046875,1.843340039,0,0,0.5568006039,0.4431993961 +Panama,PAN,Latin America and Caribbean,LCN,2009,eh0,Lower education,1381029,0.4372746646,0.06390524656,0.1402070522,0.4809529781,0.4225182831,0.3874488175,0.3025033772,0.08494543284,394517,0.6761100888,0.4353960752,0.3089116812,0.6565251946,0.1625340283,0.9710329175,0.02896706574,0.9414603114,0.05853966996,0.4756466448,0.5068796277,0.01747374609,,,0.4678209722,,,0.03474910557,0.4281903207,0.1976355314,0.3741741478,0.7280400991,0.4263500273,0.003338649869,0.09477432072,0.002503334777,0.09701923281,0.1512859911,0.03458726406,0.02088548616,0.08582600951,0.08158939332,0.003252507886,0.005748011637,0.01120366249,0.00361012714,0.0104022827,0.01677677967,0.3310510218,0.3565620482,0.2613935769,0,39,0.3920805454,0.1269814372,1.458333373,1.509248018,2.704643488,262.5,271.6646423,486.8358459,220.3125153,352.8674011,277.5,1.046875,1.843340039,0.1143288016,0.2525183856,0.6331528425,0 +Panama,PAN,Latin America and Caribbean,LCN,2009,eh0,Male,1683219,0.3052252829,0.1714797616,0.07906992733,0.6305673718,0.6157047749,0.3874488175,0.3025033772,0.08494543284,890695,0.8594405651,,0.04624824226,0.8174033165,0.1236942634,0.9510876536,0.04891236499,0.8894444704,0.110555537,0.6582952738,0.3040186465,0.03747953475,,,0.6113014817,,,0.1213770285,0.2184085548,0.2557482421,0.5258432031,,0.7273160815,0.003473624354,0.08877341449,0.00758010475,0.1559211016,0.1938723922,0.106832251,0.06432580948,0.1517437845,0.009068969637,0.01565019973,0.07139821351,0.0280522909,0.01909430698,0.035581626,0.02360104583,0.2658503354,0.2902944088,0.2504775822,0,39,0.2069931179,0.1525570154,2.083333254,2.156068325,3.863776207,374.9999695,388.0923157,695.4797363,224.2668304,400.0000305,406.8750305,,1.843340039,0.03019170649,0.08728232235,0.5987341404,0.2837918401 +Panama,PAN,Latin America and Caribbean,LCN,2009,eh0,Old worker,1547172,0,0,0,0.6841534376,1,0.3874488175,0.3025033772,0.08494543284,1182794,0.7644877434,0.5985334516,,0.7306414247,0.1045621634,0.955726862,0.04427313805,,,0.663408041,0.301119566,0.03528663516,,,0.5674571991,,,0.1767719835,0.1519866139,0.1930512488,0.6549621224,0.9288089871,,0.002258856315,0.08732032031,0.006496976595,0.09697509557,0.2214103788,0.08190986514,0.07441927493,0.2264846265,0.05073799938,0.0118490411,0.1154352501,0.03685306758,0.02349546738,0.03140987083,0.04813407734,0.2594968379,0.2298016846,0.2434530258,0.00007166759315,39,0.220462501,0.1388255656,2.25,2.328553915,4.172878742,402.5301819,419.1397095,746.5375977,232.8924713,427.5,428.5714417,1.046875,1.843340039,0.05080217496,0.1079887897,0.5421441197,0.2990649343 +Panama,PAN,Latin America and Caribbean,LCN,2009,eh0,Rural,1206567,0.3402164876,0.1672397852,0.08753596246,0,0.5722475648,0.3874488175,0.3025033772,0.08494543284,464575,0.6728534102,0.4407945573,0.1924167126,0.6466156244,0.1807623953,0.9610052109,0.03899478167,0.9132699966,0.08672998101,0.4757816494,0.504922092,0.01929628477,,,0.4251260459,,,0.08528218418,0.463762641,0.1718769222,0.3643604517,0.7267732024,0.4739016294,0.004347543698,0.091959171,0.004345303867,0.07122490555,0.141197741,0.0381289199,0.01747528836,0.126788795,0.04076969996,0.003279136494,0.04654850811,0.01485690754,0.01079606451,0.01166512445,0.02638092265,0.3296293616,0.3664658964,0.1903780699,0,39,0.4062490761,0.116736643,1.629288912,1.686172128,3.021699905,293.2720032,303.5109863,543.9060059,224.2668304,345.0258789,375.4693604,1.046875,1.843340039,0.08495253325,0.1606547683,0.6071817279,0.1472110003 +Panama,PAN,Latin America and Caribbean,LCN,2009,eh0,Total,3402243,0.2935099006,0.1687037051,0.08303581178,0.6453613043,0.6234543025,0.6039668197,0.4707801348,0.133186685,1466340,0.6912970859,0.5306574702,0.1428486854,0.6475881169,0.09696227312,0.9367725253,0.06322748959,0.8577056527,0.1422943771,0.6684813499,0.3011749089,0.02986254729,,,0.5753503442,,,0.154021427,0.1642189175,0.1958402395,0.6399408579,0.9230340719,0.7788282633,0.002397000324,0.08759284765,0.005876329262,0.09997407347,0.2288039178,0.07734131813,0.07569888979,0.2073256075,0.05077110603,0.01248173695,0.1003965139,0.0354655534,0.02193790674,0.03109399602,0.04787809774,0.26663661,0.2282627523,0.2557878196,0.0000589963638,39,0.2403236628,0.1329191178,2.083333254,2.156068325,3.863776207,374.9999695,388.0923157,695.4797363,224.2668304,398.4375305,393.75,1.046875,1.843340039,0.04024761915,0.08889504522,0.5836791992,0.2871781588 +Panama,PAN,Latin America and Caribbean,LCN,2009,eh0,Urban,2195676,0.2678436935,0.1695081592,0.08056288958,1,0.6515933871,0.3874488175,0.3025033772,0.08494543284,1001765,0.7001981139,0.5710066557,0.1159745827,0.6480574608,0.05661002174,0.9255344272,0.07446556538,0.8239834309,0.1760165542,0.7612719536,0.2030646056,0.03495051712,,,0.6205599904,,,0.1871214211,0.01987680607,0.2073875368,0.7727356553,0.9940580726,0.984580338,0.0014570856,0.08548883349,0.006614089478,0.1138275266,0.2710190117,0.09623672813,0.1037552878,0.2461341321,0.05559051409,0.01691622473,0.1263444275,0.04539630935,0.02730686404,0.04045625031,0.05823701248,0.2362820804,0.1616663486,0.2873070538,0.00008742513455,39,0.1603348851,0.1407203078,2.222222328,2.299806595,4.121361732,400.0000305,413.9651794,741.8451538,243.7499847,412.5000305,399.8571777,1.046875,1.843340039,0.01266867388,0.04462569207,0.5691801906,0.3735254407 +Panama,PAN,Latin America and Caribbean,LCN,2009,eh0,Young worker,573971,0,1,0,0.6484386921,1,0.3874488175,0.3025033772,0.08494543284,283546,0.4940075278,0.3404828608,0.1428486854,0.4237130582,0.06163676828,0.8577056527,0.1422943771,0.8577056527,0.1422943771,0.6920628548,0.3014321625,0.00465051271,,,0.6105199456,,,0.04827322438,0.2211717516,0.208825618,0.5700026155,0.8894276023,0.7788282633,0.003040189855,0.08886170387,0.002986636246,0.1139370874,0.2632277012,0.05607049167,0.08165669441,0.1181224957,0.05092523992,0.01542752143,0.03037718125,0.0290053878,0.01468601171,0.02962331288,0.04668627679,0.2998788953,0.2210976034,0.3132178187,0,39,0.3328971565,0.1053889468,1.725129366,1.785358667,3.199446917,310.5232849,321.364563,575.9004517,207.0155334,336.400238,328.125,1.046875,1.843340039,0.01485855412,0.0429648906,0.6835920811,0.2585844398 +Panama,PAN,Latin America and Caribbean,LCN,2010,eh0,Female,1744953,0.2797221541,0.1674704105,0.08754734695,0.663767457,0.632730484,0.3822753131,0.2969047129,0.08537059277,575314,0.5210776329,0.5210776329,0.2553211749,0.4789142013,0.04676206037,0.9190841913,0.08091581613,0.8046308756,0.1953691095,0.7153010368,0.2658001184,0.01874189079,,,0.5411343575,,,0.2236431539,0.07383119315,0.09319643676,0.8329723477,0.9261687994,0.89416188,0.0009173808503,0.07998237014,0.004386404529,0.007910282351,0.2799127698,0.03083534539,0.09187805653,0.3185013831,0.1118448079,0.008275343105,0.1578897536,0.04735198617,0.02833288163,0.02090493403,0.08605789393,0.2732149363,0.1217544079,0.2562178671,0,39,0.2709239125,0.091717951,2.34375,2.34375,4.346748352,421.875,421.875,782.4147339,258.7694092,400.0000305,423,,1.801578999,0.05047763139,0.08769489825,0.5672197342,0.2946077287 +Panama,PAN,Latin America and Caribbean,LCN,2010,eh0,Higher education,2078627,0.1954660416,0.2371565402,0.04407957569,0.7582861185,0.7604543567,0.3822753131,0.2969047129,0.08537059277,1088888,0.6888639927,0.5549675822,0.1210524216,0.6375626922,0.05900201946,0.9255276918,0.07447230816,0.8438641429,0.156135872,0.7571710944,0.2082018554,0.03444645554,,,0.6149597764,,,0.2095116526,0.06057081372,0.1865357161,0.7528934479,0.9828442931,0.8732141256,0.001977939857,0.07872558385,0.006672197953,0.09915999323,0.2567967474,0.09674339741,0.09887814522,0.2621231973,0.03835198656,0.01711071841,0.1446635276,0.04950308427,0.02745991945,0.03679484501,0.05828719959,0.2364466935,0.1805284619,0.248804599,0.0004009471741,39,0.1679065824,0.1208128184,2.5,2.5,4.63653183,450,450,834.5757446,258.7694092,431.2823486,468.7500305,1.063247323,1.801578999,0,0,0.5609503388,0.439049691 +Panama,PAN,Latin America and Caribbean,LCN,2010,eh0,Lower education,1377816,0.4353034198,0.06372185796,0.1411393136,0.4807035327,0.4235572815,0.3822753131,0.2969047129,0.08537059277,390979,0.6699618101,0.4245620072,0.3238835037,0.6504102349,0.1236929223,0.9708168507,0.02918315306,0.9226347804,0.07736520469,0.4802341461,0.499237299,0.02030987851,,,0.5192394257,,,0.04046168178,0.4216571748,0.1982075721,0.3801352382,0.7291064858,0.4455423057,0.001950006117,0.09139467776,0.002068587579,0.1027943045,0.1528936476,0.03515544534,0.02383223549,0.09304427356,0.07520962507,0.002350547817,0.01040091086,0.009420637041,0.003328185994,0.009523407556,0.01695187762,0.3246443868,0.3578761816,0.2655038536,0,39,0.3986079693,0.1115238592,1.605328798,1.605328798,2.977263212,288.4615173,288.9591675,534.984375,224.2668304,374.9999695,310.5232849,1.063247323,1.801578999,0.1128595024,0.2563658357,0.6307746768,0 +Panama,PAN,Latin America and Caribbean,LCN,2010,eh0,Male,1711490,0.3026409745,0.1685835123,0.07789879292,0.631188035,0.6194602251,0.3822753131,0.2969047129,0.08537059277,904553,0.8531908989,,0.04678212479,0.8098500371,0.09513826668,0.949201405,0.0507985726,0.8871809244,0.1128190979,0.660528779,0.3013907373,0.03786849231,,,0.6334246397,,,0.1260757297,0.2120311558,0.249180764,0.5387880802,,0.7341563106,0.002618761733,0.08355224133,0.006044819485,0.1569649428,0.1966272891,0.1101079807,0.07001343369,0.1526558697,0.009383508004,0.01602710038,0.07716377079,0.03310846165,0.016254263,0.03452501819,0.02291066945,0.2527920306,0.2951267362,0.2516212761,0.0004706315522,39,0.2065138668,0.1346088201,2.336112738,2.336112738,4.332584381,420.5003052,420.5003052,779.8652344,232.4999847,421.875,450,,1.801578999,0.02786859684,0.08929894865,0.6022514701,0.2805809677 +Panama,PAN,Latin America and Caribbean,LCN,2010,eh0,Old worker,1583528,0,0,0,0.687432766,1,0.3822753131,0.2969047129,0.08537059277,1204153,0.7604241967,0.5921917558,,0.7265807986,0.08242500573,0.9554940462,0.04450597242,,,0.6739103794,0.2898064554,0.03621103242,,,0.5859263539,,,0.186763674,0.1480358541,0.1847553849,0.6672087312,0.9315481186,,0.001929632737,0.08037702739,0.006138318218,0.09631039947,0.220849067,0.08416154236,0.07726092637,0.236665979,0.0482712388,0.01273036096,0.1226794422,0.03942448273,0.02309909463,0.02787102386,0.04668146744,0.2529183626,0.2323130071,0.2419316173,0.0003511583782,39,0.2152385563,0.1236826256,2.5,2.5,4.63653183,450,450,834.5757446,240.2858887,448,465.7849426,1.063247323,1.801578999,0.04855126515,0.1061619893,0.5462878346,0.2989988923 +Panama,PAN,Latin America and Caribbean,LCN,2010,eh0,Rural,1217928,0.3368786871,0.1670928001,0.08963419497,0,0.573487103,0.3822753131,0.2969047129,0.08537059277,462184,0.6617129445,0.4287391007,0.2086562067,0.6354711652,0.1332845241,0.9603426456,0.03965736553,0.9099569321,0.09004309028,0.4883666933,0.4860461056,0.02555564232,,,0.4551816583,,,0.09447679669,0.4606829882,0.1705768555,0.3687401712,0.7230094075,0.4781166613,0.002406267216,0.08237634599,0.003882020712,0.08191221952,0.1440155357,0.03854984045,0.01635044999,0.1285865903,0.04123774171,0.004046494141,0.0535146594,0.01395544782,0.009483125992,0.01337866485,0.02642387711,0.3173140883,0.3706214726,0.1912621856,0,39,0.4081198573,0.09504825622,1.810320973,1.810320973,3.357444286,325.8577881,325.8577881,604.3399658,224.7597351,377.3720703,409.7182617,1.063247323,1.801578999,0.0865727067,0.1580371708,0.601287663,0.1541024745 +Panama,PAN,Latin America and Caribbean,LCN,2010,eh0,Total,3456443,0.2910706103,0.1680215746,0.0827697739,0.6476354599,0.6261596233,0.5970368741,0.4648504941,0.13218638,1479867,0.6837671416,0.5210776329,0.1517157853,0.6410269268,0.07670079917,0.9374930263,0.06250696629,0.8588755131,0.1411245018,0.681403935,0.2878262103,0.03057883121,,,0.5965057015,,,0.1632612944,0.1593576521,0.1897289306,0.6509134173,0.9261687994,0.7855947614,0.001970297657,0.08219162375,0.005412731785,0.1001542807,0.2283706963,0.07989402115,0.07834690809,0.2158661932,0.04843558371,0.01307259779,0.1079316586,0.03853723779,0.02085790411,0.02933386154,0.04697858915,0.2605760098,0.2290476561,0.2533732355,0.0002912551281,39,0.2310495377,0.118270427,2.34375,2.34375,4.346748352,421.875,421.875,782.4147339,232.8924713,421.875,450,1.063247323,1.801578999,0.0389653407,0.0885116607,0.5850575566,0.2874654531 +Panama,PAN,Latin America and Caribbean,LCN,2010,eh0,Urban,2238515,0.2661474347,0.1685269028,0.07903498411,1,0.6548175812,0.3822753131,0.2969047129,0.08537059277,1017683,0.6942760348,0.5623054504,0.1209993362,0.643674314,0.05008213967,0.927115798,0.0728841871,0.8291577697,0.1708422452,0.7722144127,0.1945776939,0.03294188902,,,0.6385435462,,,0.1956195533,0.0175720565,0.1987407506,0.7836871743,0.9974702001,0.9821072221,0.001765156747,0.08210470527,0.006132991984,0.1087378934,0.2680631578,0.09934811294,0.1075187176,0.2569347322,0.05182245746,0.01731973886,0.1335370243,0.05010394752,0.02621019259,0.03684141859,0.05665040016,0.2338784933,0.1624315232,0.2825989425,0.0004283023009,39,0.1477178186,0.1291991025,2.5,2.5,4.63653183,450,450,834.5757446,243.4091034,431,450,1.063247323,1.801578999,0.009903895669,0.04607050121,0.575150013,0.3688755631 +Panama,PAN,Latin America and Caribbean,LCN,2010,eh0,Young worker,580757,0,1,0,0.6495832205,1,0.3822753131,0.2969047129,0.08537059277,275714,0.4747493267,0.3235110939,0.1517157853,0.4077505767,0.04888853058,0.8588755131,0.1411245018,0.8588755131,0.1411245018,0.717813015,0.2782047689,0.003213628195,,,0.6447720528,,,0.04907011613,0.2144052535,0.2139107883,0.5716839433,0.89416188,0.7855947614,0.002168014878,0.09101436287,0.001884862781,0.1188435555,0.2649415433,0.0591449663,0.08362705261,0.1147357374,0.04923464358,0.01473658439,0.03622655571,0.03422335908,0.009961035103,0.03644631431,0.0484232232,0.2978083193,0.2131712139,0.3090033829,0,39,0.3080088794,0.09192676842,1.96875,1.96875,3.651268721,354.375,354.375,657.2283936,215.6411743,373.0592346,365.625,1.063247323,1.801578999,0.0157867074,0.04583341628,0.678802073,0.259577781 +Panama,PAN,Latin America and Caribbean,LCN,2011,eh0,Female,1868163,0.277382642,0.1554800123,0.08880273998,0.6730938554,0.6338146329,0.3931390941,0.3096841872,0.08345490694,599113,0.5059781075,0.5059781075,0.2664685845,0.4826129079,0.03982696682,0.9538217187,0.04617826641,0.8644086123,0.1355914176,0.7552983761,0.2235167921,0.02065633424,,,0.5697546005,,,0.227424413,0.06592546403,0.0895954594,0.844479084,0.9340745211,0.8991250992,0.0007756348932,0.06841870397,0.003232104005,0.01716901921,0.2861795127,0.03358867019,0.1064440757,0.3137486875,0.1045181155,0.0710747689,0.1527002752,0.1106759235,0.1305500418,0.2339966148,0.05841599032,0.04961962253,0.006145549938,0.1868212074,0,40,0.2418882549,0.090258196,2.5,2.361257315,4.63653183,450,425.0263367,834.5757446,295.3125,438.75,450,,1.744852781,0.05377257243,0.08865310997,0.5520446897,0.305529654 +Panama,PAN,Latin America and Caribbean,LCN,2011,eh0,Higher education,2215177,0.1943736374,0.2214130014,0.04402402043,0.7727255821,0.7616023421,0.3931390941,0.3096841872,0.08345490694,1150146,0.681736052,0.5501689911,0.1279041022,0.649051249,0.04937972873,0.9520565271,0.04794348031,0.8752036095,0.124796398,0.7724994421,0.1929801106,0.03411677107,,,0.6490209103,,,0.2084430754,0.05892128497,0.1825716645,0.7585070729,0.9813892841,0.878709197,0.001698396285,0.06914363801,0.005899163429,0.1058304608,0.2612369061,0.09071482718,0.1090783328,0.2618554235,0.03562155366,0.07677591592,0.1353874952,0.1090253443,0.09534224868,0.1946331114,0.03424566239,0.1219190881,0.08235166222,0.1503194869,0,40,0.1498390883,0.1342647076,2.65625,2.508835793,4.926314831,470.4898376,451.5904541,872.576416,281.25,468.7500305,485.192627,1.066666722,1.744852781,0,0,0.5429137945,0.4570862353 +Panama,PAN,Latin America and Caribbean,LCN,2011,eh0,Lower education,1454563,0.4370920956,0.05732924491,0.1483586431,0.4816470742,0.4145492613,0.3931390941,0.3096841872,0.08345490694,384549,0.6377390623,0.3735621572,0.3906630278,0.6220787168,0.1155566722,0.9754439592,0.0245560389,0.9347355366,0.06526444852,0.4864811599,0.4966676235,0.01685123704,,,0.5424864292,,,0.0389649868,0.4166635573,0.2018282861,0.3815081716,0.7327112556,0.4474956095,0.003353718668,0.07804460824,0.003724280512,0.1167056784,0.1560892165,0.04279856756,0.04323044792,0.05796761438,0.0814223215,0.009885205887,0.001732843462,0.01268708054,0.007885770872,0.1367053539,0.2936556637,0.1382382512,0.0607694909,0.3384403288,0,40,0.3615781367,0.138909772,1.868890166,1.765172124,3.466067553,336.400238,317.7309875,623.8921509,232.8924713,409.0908813,339.375,1.066666722,1.744852781,0.1238001436,0.2617564499,0.6144434214,0 +Panama,PAN,Latin America and Caribbean,LCN,2011,eh0,Male,1801577,0.3042634428,0.1573044062,0.08182831109,0.6410278082,0.6139082313,0.3931390941,0.3096841872,0.08345490694,935582,0.8459126949,,0.0632013157,0.8125321269,0.08307674527,0.9605389833,0.03946099803,0.8958972096,0.104102768,0.6640520692,0.3003228009,0.03546935692,,,0.6737706065,,,0.1256321818,0.2038155943,0.2497109175,0.5464735031,,0.7536396384,0.002975994954,0.07332032919,0.006686528679,0.1667280644,0.201486215,0.1070234179,0.08326330781,0.1437525749,0.01094796695,0.05247500539,0.06858588755,0.06775786728,0.0364520438,0.1454286575,0.1271775961,0.1746889055,0.1217820793,0.2056519389,0,40,0.1797577739,0.1641903371,2.5,2.361257315,4.63653183,450,425.0263367,834.5757446,242.5963135,460.2272644,468.7500305,,1.744852781,0.03134586662,0.09044358134,0.582197845,0.2960126996 +Panama,PAN,Latin America and Caribbean,LCN,2011,eh0,Old worker,1716214,0,0,0,0.7070219517,1,0.3931390941,0.3096841872,0.08345490694,1284068,0.748198092,0.5760518909,,0.7273160815,0.07201077044,0.9720902443,0.02790973708,,,0.6933225393,0.2725755572,0.03401936963,,,0.6205355525,,,0.1841679811,0.1416386366,0.1859297901,0.6724315882,0.9391715527,,0.002013416961,0.07140859962,0.006076304708,0.1064314768,0.2237384468,0.08097413182,0.09184562415,0.2266307771,0.0492425859,0.06779758632,0.1120038256,0.08771302551,0.06879989058,0.1733829975,0.09587565809,0.1266497672,0.08302600682,0.1847512275,0,40,0.189751938,0.1429668516,2.604166746,2.459642887,4.829720497,468.7500305,442.7357178,869.3497925,248.4186401,468.7500305,485.192627,1.066666722,1.744852781,0.05355487391,0.1075933725,0.5219097137,0.3169420063 +Panama,PAN,Latin America and Caribbean,LCN,2011,eh0,Rural,1257430,0.3592215776,0.1473449767,0.09355988353,0,0.5472185612,0.3931390941,0.3096841872,0.08345490694,430666,0.6258870363,0.3820015788,0.2227325737,0.6125501394,0.1297566444,0.9786911607,0.02130885608,0.9504750967,0.0495248884,0.4728877842,0.5076739788,0.01901591755,,,0.497649461,,,0.091409266,0.4731469154,0.1594593972,0.3673936725,0.7192488909,0.4827130139,0.004414790776,0.07043015957,0.003757319413,0.08085713536,0.1450781077,0.04338362813,0.02866765857,0.1099852622,0.04027903453,0.02081360295,0.03839918599,0.03023182414,0.02566512674,0.1257859468,0.327655822,0.1136001647,0.05438262969,0.2634657025,0,40,0.3835027814,0.1286880523,2.156411886,2.036737204,3.999308825,388.1541443,366.6127014,719.8756104,239.3617096,447.6710815,434.732605,1.066666722,1.744852781,0.09471473843,0.1638632566,0.5983870029,0.1430350095 +Panama,PAN,Latin America and Caribbean,LCN,2011,eh0,Total,3669740,0.29057917,0.1563756615,0.08537880331,0.6573517323,0.6240420491,0.6024561548,0.465640369,0.1368157858,1534695,0.6701513986,0.5059781075,0.1660863906,0.6419492408,0.0662651062,0.9579167366,0.04208328202,0.8852996826,0.1147003323,0.6995204687,0.2704675198,0.02971138246,,,0.6301109791,,,0.1651998758,0.1502284855,0.1874865592,0.6622849703,0.9340745211,0.8013775945,0.002120887162,0.0714154467,0.005344063975,0.1086061597,0.2343998849,0.07848507166,0.09227185696,0.2098167688,0.0473113656,0.05970327929,0.1012745723,0.08443675935,0.07302056998,0.1798481047,0.1004553437,0.1260842532,0.07684320211,0.1983339041,0,40,0.2039095908,0.1354508996,2.5,2.361257315,4.63653183,450,425.0263367,834.5757446,245.8309326,456.4405212,464.0625,1.066666722,1.744852781,0.04236023501,0.08956423402,0.5673888326,0.300686717 +Panama,PAN,Latin America and Caribbean,LCN,2011,eh0,Urban,2412310,0.254798919,0.1610829383,0.08111436665,1,0.6640866995,0.3931390941,0.3096841872,0.08345490694,1104029,0.6891639829,0.5555599928,0.1390774697,0.654576838,0.04074494168,0.9498128891,0.05018708855,0.8530700803,0.1469299197,0.7906145453,0.1751233339,0.03401038051,,,0.6619480848,,,0.1948597282,0.02045486495,0.1987500489,0.7807950974,0.9945169091,0.9767526388,0.001199019025,0.07181141526,0.005981741007,0.1197578683,0.2702962756,0.09259155393,0.1178329512,0.2499368042,0.05013750121,0.07533216476,0.1265427768,0.1062204987,0.09205165505,0.2015744597,0.009148601443,0.1311013401,0.08586960286,0.1721589118,0,40,0.1316877007,0.1381705105,2.599999905,2.455707312,4.821992874,464.0625,442.0273132,860.656189,291.5625,460.2272644,468.7500305,1.066666722,1.744852781,0.01342563331,0.04850162193,0.5502571464,0.3878155947 +Panama,PAN,Latin America and Caribbean,LCN,2011,eh0,Young worker,573858,0,1,0,0.6771396399,1,0.3931390941,0.3096841872,0.08345490694,250627,0.436740458,0.2903959751,0.1660863906,0.3866461813,0.03394177184,0.8852996826,0.1147003323,0.8852996826,0.1147003323,0.7343879342,0.2586082518,0.005475932732,,,0.6809802055,,,0.05849107727,0.1986223757,0.1962571293,0.6051204801,0.8991250992,0.8013775945,0.002726357663,0.07145404071,0.001218736055,0.1208579913,0.2944646776,0.0644621104,0.09467322379,0.1150893047,0.03643117845,0.01410122775,0.04082765803,0.06597875804,0.09679923952,0.216271475,0.1262565404,0.1228982434,0.04201028123,0.2748565674,0,40,0.2837334573,0.09307433665,2.088541746,1.972633719,3.873435974,375.2156372,355.0740662,695.8796997,232.8924713,388.1541443,390.0000305,1.066666722,1.744852781,0.01334442105,0.04283381999,0.6852677464,0.2585540116 +Panama,PAN,Latin America and Caribbean,LCN,2012,eh0,Female,1904354,0.2739706039,0.1644058824,0.08644348383,0.6782499552,0.6395859122,0.3926505446,0.3078709841,0.08477956057,645546,0.5300058126,0.5300058126,0.2302491069,0.5054991841,0.04735770822,0.9537616372,0.04623837769,0.8716774583,0.1283225417,0.728015542,0.2550572753,0.01686056703,,,0.563619256,,,0.2144269049,0.08120281249,0.08375293761,0.8350442648,0.918797195,0.8623625636,0.001008680207,0.06330970675,0.003315163078,0.01611939073,0.2863449752,0.0316686593,0.1029600948,0.3085083365,0.1055621952,0.08090394735,0.1557736844,0.09605851024,0.1239360943,0.2419792861,0.07320809364,0.04735111818,0.006662811618,0.1741264611,0,38,0.2704463005,0.08997479826,2.8125,2.51320672,5.216098309,506.25,452.3771973,938.8977051,336.400238,517.5388184,506.25,,1.616794586,0.05221779272,0.08205719292,0.5641192198,0.3016058207 +Panama,PAN,Latin America and Caribbean,LCN,2012,eh0,Lower education,1429534,0.4460446537,0.06194955856,0.1447373778,0.4842207432,0.4092179835,0.3926505446,0.3078709841,0.08477956057,392110,0.6702837944,0.4267083704,0.2987951636,0.6590409279,0.1197381318,0.9832266569,0.01677335426,0.9507946372,0.04920538887,0.482552737,0.4979210496,0.01941986755,,,0.5188830495,,,0.03112314641,0.431352675,0.1850907356,0.3835566044,0.6774327755,0.4328684509,0.004186857492,0.07547238469,0.00276789139,0.1026636064,0.1643899232,0.03923038766,0.04596982524,0.05536042154,0.07860603929,0.01087441482,0.001930001192,0.01092370227,0.006996253971,0.1485089213,0.2997234762,0.1247133538,0.05137331039,0.3449565768,0,38,0.4076948762,0.131687969,1.988636374,1.777014971,3.688150167,357.5892944,319.8626709,663.1896362,258.7694092,460.2272644,379.5285034,1.054480076,1.616794586,0.1237813905,0.2557492256,0.6204693913,0 +Panama,PAN,Latin America and Caribbean,LCN,2012,eh0,Male,1827970,0.3017932475,0.1710022539,0.0786998719,0.648252964,0.6195068955,0.3926505446,0.3078709841,0.08477956057,961234,0.8488166928,,0.04522581026,0.8210704327,0.0925379619,0.9673117995,0.0326881893,0.9210416079,0.07895837724,0.6836772561,0.2830332518,0.0332894884,,,0.665573895,,,0.1224977523,0.1984474361,0.2467851043,0.5547674894,,0.7477067113,0.003261946142,0.07420739532,0.004902061075,0.1644137055,0.2013910264,0.1131334975,0.08691102266,0.1443247199,0.00900718756,0.05742875114,0.07234680653,0.07144877315,0.03476827964,0.147535041,0.1190250069,0.1671551168,0.1158996522,0.2143925726,0,38,0.2059464306,0.1496271193,2.666666746,2.38289237,4.945633888,478.125,428.9206238,886.7366943,258.7694092,489.375,515.625,,1.616794586,0.03015218116,0.08745408058,0.5921278,0.2902659178 +Panama,PAN,Latin America and Caribbean,LCN,2012,eh0,Old worker,1724764,0,0,0,0.7181295753,1,0.3926505446,0.3078709841,0.08477956057,1318638,0.7645324469,0.6035808921,,0.7450433969,0.08234554529,0.9745085239,0.02549145371,,,0.6984204054,0.2702299654,0.03134961054,,,0.6144512296,,,0.1803872883,0.1390861124,0.1793943197,0.681519568,0.9280308485,,0.001866113045,0.07097376883,0.004935316276,0.101619117,0.226630792,0.08282024413,0.09433598071,0.2273591757,0.05037337914,0.0758304894,0.119495824,0.08422721922,0.06416533887,0.1806759983,0.09231501073,0.1209175885,0.07853082567,0.1838417053,0,38,0.2121787965,0.1326964349,2.864583254,2.559747696,5.312692642,515.625,460.7545776,956.284668,279.2553406,515.625,547.5,1.054480076,1.616794586,0.05177918449,0.1028517559,0.5260949731,0.3192741275 +Panama,PAN,Latin America and Caribbean,LCN,2012,eh0,Rural,1255709,0.3584030867,0.1643637121,0.09007341415,0,0.5515235066,0.3926505446,0.3078709841,0.08477956057,463411,0.6691343188,0.4459302723,0.1990813613,0.6539196372,0.1381002218,0.9772620797,0.0227379147,0.9417465329,0.05825344846,0.4878708124,0.4944068193,0.01763183624,,,0.4800492525,,,0.09003166109,0.468455255,0.1636320651,0.3679126799,0.6803528666,0.4720008969,0.004555763211,0.0746787414,0.003601769218,0.08079578727,0.1504461914,0.03962608799,0.03278692067,0.1084903255,0.03656314686,0.02223557048,0.03988445923,0.02910123579,0.02501805313,0.1313111037,0.3233973682,0.1110674366,0.04919473454,0.2687900364,0,38,0.4280055761,0.1069445089,2.289523602,2.045883179,4.246179581,411.6786194,368.2589722,763.5043945,258.7694092,485.192627,485.192627,1.054480076,1.616794586,0.09226055443,0.1579149216,0.6090071797,0.1408173144 +Panama,PAN,Latin America and Caribbean,LCN,2012,eh0,Total,3732324,0.2875972092,0.1676365733,0.08265091479,0.6635584235,0.6297518611,0.5879270025,0.4566833812,0.1312436213,1606780,0.6836087615,0.5300058126,0.1378113776,0.6575412618,0.07453914732,0.9618678093,0.03813216463,0.9040195346,0.09598045051,0.7013406754,0.2718882561,0.02674457058,,,0.6234126091,,,0.1591202915,0.1517416388,0.1818393022,0.6664190888,0.918797195,0.7858166099,0.002364330925,0.06986617297,0.004269901197,0.1053388938,0.235233441,0.08068101108,0.09330436587,0.2097292095,0.04747102782,0.06678037345,0.1055808961,0.08125235885,0.0702893436,0.1851580292,0.1007732898,0.1194297671,0.07238385081,0.1983520836,0,38,0.2316324264,0.1258715838,2.708333254,2.420125008,5.022909164,485.192627,435.6224976,899.8444214,260.8395691,495,507.0731506,1.054480076,1.616794586,0.04103863984,0.08479142934,0.5783092976,0.2958606482 +Panama,PAN,Latin America and Caribbean,LCN,2015,eh0,Female,2003696,0.267736733,0.1651038826,0.09383459389,0.6820106506,0.638428688,0.3793990016,0.2847438455,0.09465515614,718839,0.5619367361,0.5619367361,0.2246008366,0.5274922252,0.05164669082,0.9387039542,0.06129606068,0.827347517,0.1726524681,0.7103739381,0.2727345526,0.01689150557,,,0.5836247206,,,0.2078642249,0.07616294175,0.09208820015,0.8317488432,0.9238370657,0.868702352,0.0002608268987,0.0733916536,0.004334765486,0.01410095487,0.2864161134,0.04068603367,0.1065166742,0.305521667,0.09260836989,0.06519042701,0.162913084,0.1076370403,0.1177144423,0.2572523952,0.06817956269,0.05242472515,0.006247990299,0.1624403298,0,38,0.2614661753,0.06621870399,3.300110817,2.758450508,6.120427608,594.0198975,496.5210876,1101.67688,436.0465088,613.9534912,595.4650879,,1.750344992,0.04660543427,0.07426261157,0.5729919076,0.3061400056 +Panama,PAN,Latin America and Caribbean,LCN,2015,eh0,Higher education,2538279,0.1871047318,0.235601753,0.04986488819,0.7720833421,0.7630304098,0.3793990016,0.2847438455,0.09465515614,1348397,0.6962041259,0.586016655,0.1120324805,0.6565574408,0.06130181253,0.9430531263,0.05694687739,0.8609035015,0.1390964985,0.743676126,0.2230455875,0.03309190646,,,0.633546114,,,0.2007368654,0.05468654633,0.1841347963,0.7611786723,0.9785498381,0.8776103854,0.001349721919,0.07369513065,0.008939941414,0.1001499966,0.2603287995,0.1007886752,0.1107755154,0.2569120228,0.03237366304,0.07558521628,0.1422163248,0.105376631,0.08397299796,0.1992365718,0.03329313919,0.133975625,0.07794250548,0.1484009773,0,38,0.1665610075,0.1011437103,3.502907038,2.927961111,6.496535778,630.5233154,527.03302,1169.376587,366.0885315,601.7893066,661.0465088,1.022501945,1.750344992,0,0,0.5659293532,0.434070617 +Panama,PAN,Latin America and Caribbean,LCN,2015,eh0,Lower education,1425709,0.4506193101,0.05048435554,0.1596987844,0.4959679842,0.3896819055,0.3793990016,0.2847438455,0.09465515614,382336,0.6881831884,0.4732094705,0.344920516,0.6724373102,0.1149019748,0.9771196246,0.02288039774,0.9691848159,0.03081520461,0.4835219681,0.5029042959,0.013573776,,,0.5462970138,,,0.03064605966,0.393652916,0.2127423733,0.3936047256,0.6862316728,0.44303298,0.002427808242,0.08542833477,0.006828377955,0.1180578619,0.1658377647,0.04666638002,0.03830154985,0.06058277935,0.08221624047,0.008166750893,0.002939066617,0.01170808449,0.006405451801,0.1454436481,0.2800678909,0.1568733454,0.06216473877,0.3262310326,0,38,0.4130281806,0.1000688151,2.364341021,1.976272464,4.38493681,425.5813599,355.7290344,789.2885742,312.930481,521.5507202,453.1395264,1.022501945,1.750344992,0.1215123832,0.2417756021,0.6367120147,0 +Panama,PAN,Latin America and Caribbean,LCN,2015,eh0,Male,1960292,0.2963400483,0.1730257571,0.08480317891,0.6633332968,0.6188567877,0.3793990016,0.2847438455,0.09465515614,1011894,0.8341114521,,0.05165973306,0.7999249697,0.08865018189,0.9590144753,0.0409855172,0.9033507705,0.09664922208,0.66667974,0.2962332964,0.03684277087,,,0.6461728811,,,0.1303001493,0.1702749133,0.259170413,0.5705546737,,0.7787413001,0.002522201976,0.07842429727,0.0113298092,0.1668941081,0.2057991028,0.1217501014,0.08583010733,0.1475029439,0.00967239216,0.05685416237,0.07419005036,0.06773560494,0.03063645586,0.1381717324,0.1040544882,0.1995126754,0.1217315495,0.2071132958,0,38,0.1955043077,0.1250425726,3.19282937,2.668777704,5.921462059,574.7092896,480.3799744,1065.863159,325.9692383,566.8604736,651.9384766,,1.750344992,0.02719018608,0.07143307477,0.6006173491,0.3007594049 +Panama,PAN,Latin America and Caribbean,LCN,2015,eh0,Old worker,1822358,0,0,0,0.7219431996,1,0.3793990016,0.2847438455,0.09465515614,1437768,0.7889602184,0.6482661963,,0.7618997097,0.08056658506,0.965700984,0.03429899737,,,0.6791863441,0.2875579596,0.03325569257,,,0.6149059534,,,0.1805886328,0.1206946746,0.190789178,0.68851614,0.931897223,,0.001614025328,0.07796369493,0.009093567729,0.1021178961,0.2303101122,0.08986254036,0.09668595344,0.22765176,0.04400577769,0.06823920459,0.1244794577,0.08755493164,0.06328549236,0.1805590987,0.08114997298,0.1417828798,0.0793825388,0.1735664308,0,38,0.2052482218,0.1041298658,3.465116262,2.896373034,6.426448822,623.7208862,521.347168,1156.76062,348.2354126,604.3605347,661.0465088,1.022501945,1.750344992,0.04580537602,0.09099785984,0.5382929444,0.3249037862 +Panama,PAN,Latin America and Caribbean,LCN,2015,eh0,Rural,1297119,0.3493688703,0.1644660234,0.09551552683,0,0.5551155806,0.3793990016,0.2847438455,0.09465515614,485224,0.6738744974,0.4781294167,0.1806808114,0.6514274478,0.1243548244,0.9666895866,0.03331038728,0.9237802029,0.07621981204,0.4849689007,0.4960229099,0.01900818944,,,0.4737383425,,,0.09777193516,0.4198260009,0.1691123396,0.4110616744,0.7044035196,0.5035589933,0.003138184547,0.07878293097,0.004811740946,0.08237947524,0.1709607095,0.04534378275,0.0326375477,0.1217240393,0.04039559886,0.02388388664,0.045944985,0.03039050288,0.02551906928,0.1378520131,0.2949424386,0.1256894022,0.05786240846,0.2579152882,0,38,0.4193590283,0.07945067436,2.846559048,2.379342079,5.27926445,512.3806152,428.2815857,950.2675781,325.9692383,558.8043823,577.7177734,1.022501945,1.750344992,0.08331829309,0.1359112114,0.6180173755,0.1627530903 +Panama,PAN,Latin America and Caribbean,LCN,2015,eh0,Total,3963988,0.2818817794,0.1690214574,0.0893683359,0.6727742553,0.628749907,0.5904575272,0.4483209879,0.1421365394,1730733,0.694416145,0.5619367361,0.1370509565,0.6600972306,0.07347322255,0.9505787492,0.04942125827,0.8763640523,0.1236359328,0.6846008897,0.2865952849,0.02865977213,,,0.6195529699,,,0.1621130109,0.1316693872,0.1906318814,0.6776987314,0.9238370657,0.808925271,0.001594566624,0.07635986805,0.008460382931,0.1042170599,0.2388688922,0.0884969309,0.0943159163,0.2123235762,0.04369343817,0.06027377024,0.1105849892,0.08410351723,0.06635659188,0.1870196313,0.08933828771,0.1391759366,0.07435920835,0.1887880564,0,38,0.2225771248,0.1008994132,3.250968933,2.717374563,6.029288292,585.1744385,489.1274414,1085.271973,334.883728,566.8604736,623.7208862,1.022501945,1.750344992,0.03658952937,0.07280291617,0.587243259,0.3033642769 +Panama,PAN,Latin America and Caribbean,LCN,2015,eh0,Urban,2666869,0.2490572333,0.171237126,0.08637844771,1,0.6645643115,0.3793990016,0.2847438455,0.09465515614,1245509,0.7027618289,0.5944094062,0.11666926,0.6636195779,0.05318088084,0.9443022609,0.05569770932,0.8513087034,0.1486912966,0.7642170787,0.2030724287,0.03250896931,,,0.6564566493,,,0.1877731979,0.01672506146,0.1992159188,0.7840590477,0.993549943,0.9842765331,0.0009788246825,0.07539331913,0.009915809147,0.1129279733,0.2659571469,0.1057105213,0.1189191267,0.2484633029,0.04500892758,0.07478952408,0.136369586,0.1055293828,0.08264648169,0.2066323608,0.007323752157,0.1445556581,0.08093970269,0.1612135321,0,38,0.1440333277,0.109460488,3.410852671,2.851016045,6.325810909,613.9534912,513.1828613,1138.645996,395.4319153,566.8604736,625.9136353,1.022501945,1.750344992,0.01128575578,0.03862956911,0.5705789924,0.3795056641 +Panama,PAN,Latin America and Caribbean,LCN,2015,eh0,Young worker,669999,0,1,0,0.6815935373,1,0.3793990016,0.2847438455,0.09465515614,292965,0.4372618496,0.3144448102,0.1370509565,0.3832005858,0.03511279821,0.8763640523,0.1236359328,0.8763640523,0.1236359328,0.7138823271,0.2813892365,0.00380534702,,,0.6434623599,,,0.06219814345,0.1910747141,0.1897803992,0.6191449165,0.868702352,0.808925271,0.001489238115,0.06767846644,0.005033000838,0.1155796945,0.2851969004,0.08110500127,0.08148705214,0.1293531954,0.04200275242,0.0171574261,0.03537525237,0.06542121619,0.0829801932,0.2219900489,0.1336610764,0.1250648201,0.04716830328,0.2711816728,0,38,0.3166463971,0.08336299658,2.68217063,2.241935492,4.974387646,482.7907104,403.5484009,895.3897705,288.8588867,471.8023376,517.1511841,1.022501945,1.750344992,0.01531653292,0.03080341034,0.7002356052,0.2536444366 +Peru,PER,Latin America and Caribbean,LCN,1997,enaho,Female,12845882,0.3438386023,0.2050210387,0.05404829234,0.6575747132,0.6021131277,0.4245204628,0.3720907867,0.05242966861,4791057,0.6336390376,0.6336390376,0.2174847871,0.5898355246,0.1353345662,0.9308699369,0.06913004816,0.8779473305,0.1220526546,0.3642911017,0.6151346564,0.0205742307,,,,,,0.08517953008,0.2457147092,0.1032639891,0.6510213017,0.7542852759,0.7600354552,0.001194883022,0.09903582186,0.001501843915,0.001531441347,0.3726736605,0.006185632665,0.03671714664,0.02080943994,0.2146354169,0.005164370406,0.08090076596,0.05084074289,0.06185638905,0.2101355046,0.05276767164,0.07464586943,0.005827257875,0.4570759833,0.0007854530122,41,0.4454497397,0.2839585543,2.516666651,3.660412788,1.607689023,453,658.8742676,289.3840332,298.1817932,364.3181763,490.3571167,,1.610158682,0.1547385454,0.1923564225,0.3959442079,0.2569608092 +Peru,PER,Latin America and Caribbean,LCN,1997,enaho,Higher education,11469984,0.1589663923,0.3356631398,0.02662192099,0.8153304458,0.8144116998,0.4245204628,0.3720907867,0.05242966861,6713028,0.7283639312,0.614683032,0.1346931309,0.6745253205,0.1361329406,0.9260828495,0.0739171654,0.8770822287,0.1229177564,0.5659781098,0.37486431,0.05915757641,,,,,,0.1380589157,0.1278061718,0.1963957399,0.6757980585,0.9302436113,0.8046610355,0.008712171577,0.1255547106,0.005746989511,0.05638188124,0.2901649177,0.07408256829,0.07432384789,0.05526667833,0.1819600761,0.01280711964,0.1221096143,0.08998940885,0.07880882174,0.1459297091,0.05009464175,0.1094557792,0.08988942206,0.2866117656,0.01430371497,41,0.3220382035,0.3763822913,2.806818247,4.082429409,1.793042779,505.2272644,734.8372803,322.7476807,386.5714417,455.75,541.5,0.9810106158,1.610158682,0,0,0.456733793,0.5432661772 +Peru,PER,Latin America and Caribbean,LCN,1997,enaho,Lower education,13708642,0.5155574679,0.09327597916,0.07601562887,0.5083404779,0.4084268808,0.4245204628,0.3720907867,0.05242966861,4115906,0.7671971321,0.6607484221,0.2094922364,0.7450970411,0.1664203405,0.9711937308,0.02880629525,0.9523870945,0.04761290923,0.2348693162,0.7221761346,0.04295454174,,,,,,0.01247202232,0.5629585981,0.1077686101,0.3292728066,0.5368328094,0.3615873158,0.005849887151,0.06885175407,0.0003184616216,0.03274851292,0.2171047628,0.02597250789,0.004451207817,0.01021328662,0.07153103501,0.00003552572161,0,0.005549767986,0.003443242982,0.1129590347,0.2692259252,0.07082428038,0.03750565276,0.5004565716,0,41,0.388184458,0.2626372278,1.899305463,2.762480259,1.213308334,341.875,497.2464294,218.3955078,281.7857056,406.25,376,0.9810106158,1.610158682,0.2341654152,0.3858511448,0.3799834549,0 +Peru,PER,Latin America and Caribbean,LCN,1997,enaho,Male,12332744,0.3627761304,0.2023119926,0.05295869336,0.6384108663,0.5842651725,0.4245204628,0.3720907867,0.05242966861,6037877,0.8600634933,,0.08321604878,0.8196710348,0.1577914357,0.9530354738,0.04696452245,0.9137536883,0.08624633402,0.4922836125,0.4299107194,0.07780566812,,,,,,0.09179505706,0.3387086689,0.2070105374,0.4542807937,,0.6103833318,0.01255006902,0.1067182496,0.005266138818,0.08247607946,0.1754642725,0.09328518808,0.05493238196,0.0506753996,0.07992355525,0.009851708077,0.06918010116,0.06163670495,0.03957352415,0.07330673188,0.2002711892,0.109569706,0.1185856909,0.3031912744,0.01483335812,41,0.2720872164,0.3689063489,2.576388836,3.747276783,1.645840526,463.75,674.5098267,296.2513123,325.416687,458.6718445,525.5113525,,1.610158682,0.06132194027,0.1708261222,0.4478595257,0.3199923933 +Peru,PER,Latin America and Caribbean,LCN,1997,enaho,Old worker,9811529,0,0,0,0.6968752742,1,0.4245204628,0.3720907867,0.05242966861,7878408,0.8196067214,0.6925793886,,0.7870582342,0.1610752642,0.9602876902,0.03971233964,,,0.4052317142,0.5286985636,0.06606972218,,,,,,0.1067235395,0.289070785,0.1568627357,0.5540664792,0.7522569895,,0.008162010461,0.09936781973,0.004518118687,0.04481479153,0.2665758729,0.05665651336,0.04729128256,0.0441175513,0.1394252479,0.01029061433,0.08885900676,0.06196687743,0.05080558732,0.1395830214,0.168314606,0.09228075296,0.07497066259,0.3020020127,0.01092686132,41,0.3232350647,0.3534216285,2.96212101,4.308311939,1.892252803,533.1817627,775.4961548,340.6054993,315.625,494.7059021,582.375,0.9810106158,1.610158682,0.145992741,0.2231520116,0.3582826257,0.2725726366 +Peru,PER,Latin America and Caribbean,LCN,1997,enaho,Rural,8858141,0.4326738417,0.1783509701,0.05322561413,0,0.5141005516,0.4245204628,0.3720907867,0.05242966861,3501545,0.7798532248,0.6621286869,0.1613644809,0.7639369965,0.1978932917,0.979590714,0.02040927671,0.9618151188,0.03818485886,0.2132742703,0.7376190424,0.04910671338,,,,,,0.03937621042,0.7392154932,0.08135113865,0.1794333756,0.3425037563,0.2440732121,0.007012953982,0.04650415108,0.000805228774,0.02702880837,0.1016766056,0.01487982366,0.003175143618,0.01547222957,0.04422956705,0.001139702275,0.02008080296,0.009543585591,0.006786025129,0.06421489269,0.3369192183,0.0490042828,0.02857302874,0.4826684594,0.001070019789,41,0.4306330085,0.1857754588,1.879166603,2.733188868,1.200443268,338.25,491.973999,216.0798035,308.2894897,361.944458,398.25,0.9810106158,1.610158682,0.187332347,0.3028680086,0.4033377171,0.1064619049 +Peru,PER,Latin America and Caribbean,LCN,1997,enaho,Total,25178626,0.3531143963,0.20369412,0.05351459607,0.6481880546,0.5933710188,0.6852862367,0.5950988255,0.09018741122,10828934,0.7248152947,0.6336390376,0.1522841156,0.683666647,0.1479859948,0.9432287812,0.0567712374,0.8976785541,0.1023214161,0.4363977313,0.5107858181,0.05281647295,,,,,,0.08890596032,0.2981043458,0.1617112607,0.5401843786,0.7542852759,0.6760922074,0.007592007983,0.1033638418,0.003622519318,0.0471328944,0.2615725994,0.05525455624,0.04697898775,0.0376349017,0.138743341,0.007806135342,0.07429504395,0.05692530423,0.0492978543,0.1330193579,0.1359000653,0.0943288058,0.06937746704,0.370347172,0.008702796884,41,0.3480238914,0.3316972852,2.555272102,3.716563225,1.632350802,459.9489746,668.9814453,293.8231506,324.166687,436.25,514.125,0.9810106158,1.610158682,0.1105576679,0.1821737885,0.4204972684,0.2867712677 +Peru,PER,Latin America and Caribbean,LCN,1997,enaho,Urban,16320485,0.3099325299,0.2174494267,0.0536714457,1,0.6363960505,0.4245204628,0.3720907867,0.05242966861,7327389,0.7260993719,0.6216014028,0.1481636018,0.6722608805,0.1227525175,0.9258524179,0.0741475597,0.8639717102,0.13602826,0.5492105484,0.3960972726,0.05469215289,,,,,,0.1139511392,0.07507531345,0.2023419291,0.7225827575,0.9542398453,0.9288516045,0.007884781808,0.132112518,0.005046962295,0.05729766563,0.3424172103,0.07566832006,0.06912653148,0.04884051532,0.1865302026,0.0111795105,0.1017287448,0.08090159297,0.07080986351,0.1678360552,0.03417957202,0.1172640994,0.09002548456,0.3135099113,0.01256516483,41,0.306219101,0.4055418372,2.734848499,3.977751493,1.747067332,492.2727051,715.9953003,314.4721069,341.875,451.874939,520.5,0.9810106158,1.610158682,0.06622631848,0.1124823615,0.430405587,0.3908857405 +Peru,PER,Latin America and Caribbean,LCN,1997,enaho,Young worker,5128738,0,1,0,0.6919596791,1,0.4245204628,0.3720907867,0.05242966861,2950526,0.5937841535,0.5182265639,0.1522841156,0.5330273509,0.1105978042,0.8976785541,0.1023214161,0.8976785541,0.1023214161,0.5254203677,0.4596197903,0.0149598429,,,,,,0.03797567263,0.3239078224,0.1755605936,0.5005316138,0.7600354552,0.6760922074,0.005963851232,0.1147780865,0.001064326265,0.05375432596,0.2472812235,0.051250007,0.04608694836,0.01911785081,0.1367955655,0.0007013860741,0.03264715895,0.04250815511,0.04498626292,0.1142495573,0.04320576042,0.1001855358,0.05338285491,0.5657905936,0.002342743101,41,0.417763263,0.2705794871,2.076388836,3.020042419,1.326432109,373.75,543.607666,238.7577972,328.125,373.7234497,377.3863831,0.9810106158,1.610158682,0.04800548404,0.1098365188,0.5303224325,0.311835587 +Peru,PER,Latin America and Caribbean,LCN,1998,enaho,Female,13063085,0.3359301388,0.1986892819,0.06232241541,0.6640201211,0.6017474532,0.4238529801,0.3688445687,0.05500840768,5147163,0.6627272367,0.6627272367,0.1812999845,0.6250934005,0.1786381751,0.9432137609,0.0567862317,0.8993914723,0.1006085202,0.3272327185,0.6521828175,0.02058446407,,,,,,0.07155421376,0.2758950591,0.09211977571,0.6319851875,0.7241049409,0.7313768864,0.0007297819247,0.08984639496,0.000495996268,0.001047606813,0.3636108041,0.007335307077,0.03924282268,0.02077623084,0.2010200024,0.002860933542,0.08014652878,0.04396086186,0.05036730692,0.2217471749,0.05432538316,0.06978592277,0.008965481073,0.4671335816,0.0007068358245,37,0.4983245432,0.2400898039,2.729166508,3.701228857,1.743437529,491.249939,666.2211914,313.8187256,325,392.2059021,520.3845825,,1.677437544,0.1343401521,0.2103478462,0.3900470138,0.2652649879 +Peru,PER,Latin America and Caribbean,LCN,1998,enaho,Higher education,12164339,0.1661944836,0.3254481852,0.03297713026,0.8093666434,0.8008283973,0.4238529801,0.3688445687,0.05500840768,7157399,0.7356738448,0.6212502122,0.1120904088,0.6861086488,0.1792352498,0.9326260686,0.06737391651,0.8927621841,0.1072378084,0.5173907876,0.4237217903,0.05888742581,,,,,,0.1183974147,0.1518851072,0.1717295349,0.6763853431,0.9038968086,0.7460868955,0.007439802866,0.1030986905,0.004686017986,0.05650501698,0.2969464362,0.07049835473,0.0777156949,0.052153375,0.1790715009,0.008927604184,0.1169949919,0.1003062055,0.06528950483,0.1623217762,0.04840144515,0.09819465876,0.08699473739,0.3003309965,0.01223809179,37,0.3712420166,0.3452222347,3.131944418,4.247466087,2.000738859,563.75,764.5439453,360.1329956,389.999939,572.6470947,582.4285889,0.9014140964,1.677437544,0,0,0.4708925188,0.529107511 +Peru,PER,Latin America and Caribbean,LCN,1998,enaho,Lower education,13410664,0.5108205676,0.08381053805,0.08536490053,0.5089731812,0.4038145244,0.4238529801,0.3688445687,0.05500840768,4214258,0.8082473278,0.7261309028,0.1863418072,0.7888898849,0.2203744054,0.9760501385,0.02394988574,0.9707359076,0.0292641148,0.1988876611,0.7565894723,0.04452284053,,,,,,0.009225325659,0.5794331431,0.1039671749,0.3165996671,0.5036997795,0.3496812582,0.005506734364,0.06712522358,0.001667020377,0.0296681989,0.2108609378,0.02484339289,0.0023863893,0.007829671726,0.07067928463,0,0.000531819649,0.007319940254,0.002481743926,0.1250822246,0.2565898299,0.0643049255,0.04140602797,0.5018085837,0.0004748911015,37,0.4503876269,0.2350169271,1.88958323,2.562606573,1.20709753,340.1249695,461.2691956,217.2775574,310.5737915,456.4705811,342.291687,0.9014140964,1.677437544,0.2053136826,0.4337474406,0.3609388769,0 +Peru,PER,Latin America and Caribbean,LCN,1998,enaho,Male,12511918,0.3583627343,0.1987962127,0.05848999321,0.6391447783,0.5831472874,0.4238529801,0.3688445687,0.05500840768,6224494,0.8673477173,,0.07223524898,0.8268173337,0.2082423717,0.9532709122,0.04672909901,0.9221787453,0.07782126218,0.4521838129,0.4675472677,0.08026891947,,,,,,0.08098774403,0.3468066454,0.189891547,0.4633018076,,0.5712561011,0.01158987172,0.08900404721,0.006021441426,0.08327618986,0.1827254444,0.09052908421,0.05697407201,0.04709984362,0.08597335964,0.007704254705,0.06643895805,0.08196681738,0.03397579119,0.08790591359,0.1878127456,0.09795118123,0.1192360744,0.3034881651,0.01352012251,37,0.3219262064,0.3548567891,2.827380896,3.834424734,1.80617857,508.9285583,690.1964111,325.1121216,335.7692261,565.9375,563.625,,1.677437544,0.04640493914,0.1798961312,0.4559596777,0.3177392483 +Peru,PER,Latin America and Caribbean,LCN,1998,enaho,Old worker,10074152,0,0,0,0.7001865506,1,0.4238529801,0.3688445687,0.05500840768,8182126,0.8239148259,0.7105696797,,0.7934932709,0.2158567905,0.9630768299,0.03692316636,,,0.3773295581,0.5539669991,0.06870341301,,,,,,0.09485527128,0.2992048562,0.1517456323,0.5490494967,0.7214574814,,0.007731583435,0.09110248089,0.004265854135,0.04864571244,0.2626132965,0.0544783175,0.05136740953,0.04307351634,0.1375169754,0.007512635551,0.08832250535,0.07270043343,0.04322358593,0.1499951184,0.1620144248,0.08507037163,0.08016380668,0.3014524877,0.009544628672,37,0.353090018,0.3318480849,3.233333111,4.384967327,2.06550765,582,789.2941284,371.7914124,325.3571167,585.75,629.375,0.9014140964,1.677437544,0.1283816546,0.2416161001,0.3412275612,0.2887746692 +Peru,PER,Latin America and Caribbean,LCN,1998,enaho,Rural,8903925,0.4241622686,0.177464664,0.05915571004,0,0.5166820288,0.4238529801,0.3688445687,0.05500840768,3847943,0.8404503465,0.755407393,0.1286031008,0.8317257166,0.2485584319,0.9896191359,0.01038087066,0.9817550778,0.0182449501,0.1835376471,0.7704954147,0.04596693441,,,,,,0.03100954555,0.735016942,0.08160928637,0.1833737791,0.3182908297,0.2585883737,0.005966389552,0.04941336811,0.002114234259,0.02411529608,0.1053375006,0.01730174199,0.005727681797,0.01201339904,0.04299345613,0.002007366624,0.01709008403,0.009821297601,0.004375096876,0.06697066128,0.3053723276,0.04819834977,0.03636101261,0.5087529421,0.001050864463,37,0.5193622708,0.1670887768,2.039583445,2.766033173,1.302920222,367.125,497.8859863,234.5256348,325.625,401.7857361,468,0.9014140964,1.677437544,0.1553752273,0.3236861825,0.4120686948,0.1088698879 +Peru,PER,Latin America and Caribbean,LCN,1998,enaho,Total,25575003,0.3469047248,0.1987415999,0.06044749916,0.651850462,0.592647776,0.6873428712,0.5853472145,0.1019956568,11371657,0.7502593205,0.6627272367,0.1277315468,0.7117850672,0.1949203461,0.9487187266,0.05128126964,0.911885798,0.08811420947,0.3959552646,0.5506340861,0.0534106493,,,,,,0.07674653083,0.3148961067,0.1458938122,0.5392100811,0.7241049409,0.6425912976,0.006702783052,0.08938310295,0.003534966381,0.04627295956,0.2641246617,0.05309151113,0.0489949286,0.03525409847,0.1377448589,0.005524977576,0.07260674983,0.06486584246,0.0413512364,0.1481284648,0.1277494282,0.08527807891,0.06961926073,0.3771212399,0.007754718885,37,0.4015064836,0.3030808568,2.784090996,3.775716066,1.77852416,501.1363831,679.6289063,320.1343689,332.1875,546.9000244,542.6785889,0.9014140964,1.677437544,0.09275048226,0.1959454566,0.4212209582,0.2900831103 +Peru,PER,Latin America and Caribbean,LCN,1998,enaho,Urban,16671078,0.3056418896,0.2101054937,0.06113743782,1,0.6332206726,0.4238529801,0.3688445687,0.05500840768,7523714,0.7258994579,0.6243930459,0.1273334622,0.6734899282,0.1656597704,0.9278005362,0.07219944894,0.8709099889,0.1290900409,0.5118330717,0.4306955636,0.05747133493,,,,,,0.1017215773,0.08571226895,0.1809622347,0.7333254814,0.9421563745,0.8964580894,0.007104499266,0.1111873537,0.00431000255,0.05836038291,0.3507460654,0.07261551172,0.07259803265,0.04793234169,0.1894335449,0.007442223374,0.1028656587,0.09486743063,0.0615047887,0.1923628747,0.03093748912,0.1054880917,0.08774640411,0.3053764403,0.01140860096,37,0.3370550275,0.3774504662,3.002164364,4.071461678,1.917833209,540.3895874,732.8630371,345.2099609,359.7857361,569.0625,549.6226196,0.9014140964,1.677437544,0.05692869797,0.1228768975,0.4264560938,0.3937382996 +Peru,PER,Latin America and Caribbean,LCN,1998,enaho,Young worker,5082817,0,1,0,0.6891227961,1,0.4238529801,0.3688445687,0.05500840768,3189531,0.6363386512,0.5648801327,0.1277315468,0.5802681446,0.1381968856,0.911885798,0.08811420947,0.911885798,0.08811420947,0.446418196,0.5416041017,0.01197770145,,,,,,0.02767705545,0.3574087322,0.1300393939,0.5125519037,0.7313768864,0.6425912976,0.003915436566,0.08472477645,0.001554759685,0.03984441236,0.2682194412,0.04933422431,0.0425671339,0.01406882238,0.1383622736,0.0001403188799,0.03003202192,0.04364157841,0.03627896309,0.1430716068,0.03492392227,0.08584076166,0.04105358943,0.5821114779,0.002905769972,37,0.5313531756,0.2259308994,2.12411356,2.880670786,1.356919527,382.3404236,518.520752,244.2454987,352.5,406.8750305,377.8124695,0.9014140964,1.677437544,0.02800242417,0.1129539534,0.5665828586,0.2924607694 +Peru,PER,Latin America and Caribbean,LCN,1999,enaho,Female,13240220,0.3356052935,0.1988826543,0.05988291651,0.6667264104,0.6045117974,0.4132782519,0.3560342193,0.05724402517,5303415,0.6754106879,0.6754106879,0.1757501364,0.6426144838,0.175869301,0.9514425993,0.04855739325,0.9139752984,0.0860247016,0.3484224379,0.632329464,0.01924812235,0.2641206384,0.08430179209,,,0.2419528365,0.07068692893,0.2921586633,0.07542982697,0.6324114799,0.7078413367,0.7266300917,0.001657981426,0.07088673115,0.0006543933414,0.002230724087,0.3598398268,0.007686842699,0.03696589172,0.0200796891,0.2078392506,0.004488243721,0.07028687,0.04626055062,0.04598774388,0.2232820839,0.0508322604,0.0584127903,0.006513881031,0.4938370287,0.00009853595839,37,0.5326283574,0.2507999837,2.708333254,3.549808502,1.730128884,487.4999695,638.9655151,311.4231873,292.5,394.0625,541.5,,1.912884235,0.1355275214,0.2117444128,0.3878834248,0.2648446262 +Peru,PER,Latin America and Caribbean,LCN,1999,enaho,Higher education,12314756,0.1609844267,0.3354968727,0.02893877961,0.8175425529,0.8100767732,0.4132782519,0.3560342193,0.05724402517,7239342,0.726919353,0.6251786947,0.1316761076,0.6826536059,0.1807509959,0.9391049743,0.06089503691,0.8999249935,0.1000750139,0.5200108886,0.4233129621,0.05667616054,0.3728162348,0.1471946388,,,0.2830606699,0.1163572595,0.1519484669,0.1670638621,0.6809876561,0.9048555493,0.7573876381,0.007011103444,0.1043485776,0.005912773311,0.04979141057,0.2917428017,0.07791510224,0.07164475322,0.05008514971,0.1895998567,0.0122351665,0.1065790355,0.09539307654,0.05676581338,0.1751916558,0.04635554552,0.09712345898,0.08402501792,0.3134636283,0.01286760904,37,0.3933774531,0.3464720249,3.044117689,3.989920855,1.944633603,547.9411621,718.18573,350.0340271,400.4464417,493.8280945,586.944519,0.9640713334,1.912884235,0,0,0.4710676968,0.5289322734 +Peru,PER,Latin America and Caribbean,LCN,1999,enaho,Lower education,13693288,0.5100390315,0.08073166758,0.08819912374,0.5111914873,0.4017618597,0.4132782519,0.3560342193,0.05724402517,4282402,0.8216708302,0.7521061897,0.1655174196,0.8049718738,0.2234322578,0.9796768427,0.02032317407,0.9706729054,0.02932708338,0.2206620574,0.7307958603,0.04854208231,0.2097631395,0.01089891978,,,0.04939190298,0.009494037367,0.6058734059,0.08811976016,0.3060068488,0.4700508714,0.3089053035,0.003623994999,0.0567220524,0.00006197307812,0.02771173976,0.1966158003,0.02895382233,0.002478684764,0.01071228553,0.06724627316,0.0004636881058,0.0002641472674,0.006427742075,0.001825190731,0.1123076379,0.2640390098,0.05433232337,0.04309247807,0.5172477961,0,37,0.4793905914,0.2257048637,1.947916627,2.55313158,1.244361997,350.625,459.5636597,223.9851532,316.8750305,374.9999695,386.1428528,0.9640713334,1.912884235,0.2292492092,0.4155863822,0.3551644087,0 +Peru,PER,Latin America and Caribbean,LCN,1999,enaho,Male,12767824,0.3542582393,0.2039340436,0.06040551513,0.6453821063,0.5853362083,0.4132782519,0.3560342193,0.05724402517,6218329,0.8496584296,,0.1010182425,0.812718153,0.2149973065,0.9565233588,0.04347663,0.9194257855,0.08057418466,0.4544319808,0.4628775418,0.08269046992,0.3500183225,0.1044136509,,,0.229767397,0.07953451574,0.3531760573,0.1891177446,0.457706213,,0.5710972548,0.009163283743,0.09914244711,0.006246829871,0.0745651871,0.1668762267,0.1029578596,0.05227828026,0.04776851088,0.08782532066,0.01050172281,0.06234591454,0.07430115342,0.02713804506,0.09000015259,0.1961867213,0.09977469593,0.1209152639,0.3042137921,0.01462252624,37,0.3356287777,0.3425490558,2.741161346,3.59283638,1.751100063,493.4090576,646.7105713,315.1980286,365.625,485.3125,574.6363525,,1.912884235,0.06533248723,0.1561641097,0.4543375969,0.3241658211 +Peru,PER,Latin America and Caribbean,LCN,1999,enaho,Old worker,10240295,0,0,0,0.701289773,1,0.4132782519,0.3560342193,0.05724402517,8231143,0.822127521,0.7141447663,,0.7967236042,0.2123681456,0.9690998197,0.03090020455,,,0.3727026284,0.5579507351,0.06934661418,0.2555156648,0.1171869785,,,0.3144248724,0.09381005168,0.3133693039,0.1371147782,0.549515903,0.7005767822,,0.005426863674,0.08170382679,0.004449153319,0.04553493112,0.2470684052,0.06211489066,0.04659801349,0.04215876386,0.1515758336,0.01035458408,0.08188344538,0.07182067633,0.0362534672,0.1504345387,0.1649929881,0.07401531935,0.08062496781,0.3205596507,0.009060355835,37,0.3875825107,0.3209849596,3.248611212,4.257950306,2.075267553,584.75,766.4310303,373.5481567,346.666687,522.1875,676.500061,0.9640713334,1.912884235,0.1452984363,0.2302192003,0.3391717076,0.2853106558 +Peru,PER,Latin America and Caribbean,LCN,1999,enaho,Rural,8940315,0.4248079658,0.1767722964,0.05627508834,0,0.5189169645,0.4132782519,0.3560342193,0.05724402517,4009796,0.8685716987,0.7903882861,0.1196803302,0.8623037934,0.2584265769,0.9927836657,0.007216327358,0.9891520143,0.01084800065,0.1896914244,0.7532424927,0.0570660606,0.1747833341,0.01490808558,,,0.07859124243,0.02116536163,0.7780665755,0.06606587768,0.1558675766,0.2608615756,0.2238469571,0.004385484383,0.03637480363,0.000161522883,0.0251440648,0.09711519629,0.01385529805,0.005140848923,0.01144074369,0.02831549011,0.002255975967,0.01016835961,0.008507239632,0.002152391709,0.06330409646,0.3038253784,0.03626934439,0.02844696864,0.545070231,0,37,0.5428161025,0.1545863003,1.894097209,2.482590675,1.209981203,340.9375,446.866333,217.7966156,325,325,434.75,0.9640713334,1.912884235,0.1614005268,0.3162951767,0.420630604,0.101673685 +Peru,PER,Latin America and Caribbean,LCN,1999,enaho,Total,26008044,0.3447623849,0.2013624758,0.0601394698,0.6562480927,0.5950981528,0.6803950791,0.5793370107,0.1010580684,11521744,0.7444266772,0.6754106879,0.1384144574,0.7103205538,0.1970385909,0.954184711,0.0458152853,0.9168759584,0.08312402666,0.4057764113,0.5406514406,0.05357211828,0.765430337,0.2345696814,,,0.2345696837,0.07547255605,0.3251706958,0.1369380206,0.5378912687,0.7078413367,0.6436277628,0.005718549248,0.08617382497,0.00368005014,0.04136558995,0.2554413974,0.05923099816,0.04525030032,0.03506007791,0.1429085284,0.007741178386,0.06599128246,0.06142885238,0.0357911773,0.1511844695,0.1294603944,0.08078712225,0.06839823723,0.3912621439,0.00795515161,37,0.4262215793,0.3003570437,2.7210145,3.566429853,1.738229871,489.7825928,641.9573975,312.8813782,346.666687,471.9827576,559,0.9640713334,1.912884235,0.1022842899,0.185422495,0.4193550348,0.2929381728 +Peru,PER,Latin America and Caribbean,LCN,1999,enaho,Urban,17067729,0.3028333783,0.2142431438,0.06216368824,1,0.6350029111,0.4132782519,0.3560342193,0.05724402517,7511948,0.7117485404,0.627069056,0.1466827095,0.6644749641,0.1621923596,0.9335809946,0.06641899049,0.8732306361,0.1267693639,0.5284346938,0.4199764729,0.05158881843,0.3876847923,0.1407499313,,,0.2663525641,0.1064072922,0.06808929145,0.177167818,0.7547429204,0.9605832696,0.9307720661,0.006475249305,0.1144417003,0.005677303765,0.05057356134,0.345313549,0.08498802036,0.0680179894,0.04846733436,0.2079560161,0.01085349359,0.09766531736,0.09145668149,0.05487788841,0.2010479718,0.03052536026,0.1060465947,0.0910666585,0.3039911091,0.01246892102,37,0.36021474,0.382881254,3.009259224,3.944231749,1.922365427,541.666687,709.961731,346.0257874,408.1730652,493.8280945,564.374939,0.9640713334,1.912884235,0.06927378476,0.1123431772,0.4186427593,0.3997402787 +Peru,PER,Latin America and Caribbean,LCN,1999,enaho,Young worker,5237044,0,1,0,0.6982266903,1,0.4132782519,0.3560342193,0.05724402517,3290601,0.6378675103,0.5963258743,0.1384144574,0.5848454237,0.1565089673,0.9168759584,0.08312402666,0.9168759584,0.08312402666,0.493219763,0.4949141145,0.01186613645,0.4562133551,0.0370063968,,,0.07503023744,0.02715267986,0.3563722074,0.1364706755,0.5071570873,0.7266300917,0.6436277628,0.0064897337,0.09799199551,0.001646629069,0.03034232184,0.2775786221,0.05160630867,0.04168709368,0.0162919499,0.1199931204,0.0008357157349,0.0239990633,0.03397030383,0.03456965834,0.1531660408,0.03557178751,0.09868042171,0.03609124944,0.5780808926,0.005034847651,37,0.5274918079,0.2462928444,2.107638836,2.762479305,1.346395135,379.375,497.2462769,242.3511353,340.9375,376.2499695,392.9545288,0.9640713334,1.912884235,0.02492171526,0.1048539057,0.5635678172,0.306656599 +Peru,PER,Latin America and Caribbean,LCN,2000,enaho,Female,13470614,0.3359736204,0.1887282878,0.06599468738,0.6663793325,0.5980316997,0.407620281,0.3443351388,0.06328514218,5388334,0.6739510894,0.6739510894,0.1853212863,0.6478902698,0.1791869998,0.9613312483,0.03866872564,0.9319883585,0.06801164895,0.3199988902,0.6607712507,0.01922982559,0.2402475327,0.07975136489,,,0.249223873,0.09118887782,0.2862379253,0.08263941109,0.6311226487,0.7137621045,0.7171759009,0.00006235552428,0.08162318915,0.00006660265353,0.0008872631588,0.3858546317,0.01076607686,0.02675785683,0.0133029623,0.1944411248,0.003126564901,0.07371352613,0.04229945689,0.04203642905,0.2314792424,0.0513461642,0.06018434465,0.007205902599,0.4867434204,0.001864961698,39,0.4651806355,0.2888732851,2.516666651,3.179140329,1.607689023,453,572.2452393,289.3840332,315.9375,405.3000183,496.8103333,,2.015100479,0.1173882559,0.2016913146,0.4019864798,0.2789339423 +Peru,PER,Latin America and Caribbean,LCN,2000,enaho,Higher education,12570452,0.1695973277,0.3217254281,0.02860064246,0.8066373467,0.8018020391,0.407620281,0.3443351388,0.06328514218,7499420,0.7442691922,0.6393468976,0.1405203044,0.7056642175,0.1755372584,0.9481303692,0.05186961219,0.9242808819,0.07571908832,0.5077053308,0.4411010146,0.05119368434,0.3661091924,0.1415961236,,,0.2788943052,0.1310306489,0.1545493454,0.1625599712,0.6828906536,0.8973833323,0.7431238294,0.007472827099,0.1083739251,0.003204729641,0.04350849241,0.3105201125,0.08362857997,0.05529639125,0.0438564308,0.1895891428,0.009117498994,0.1017170846,0.0947201401,0.05237760767,0.1567805558,0.04906196147,0.09263239056,0.08502466977,0.3410221636,0.01754593477,39,0.380821079,0.3696368933,2.865740776,3.620102882,1.83068347,515.833313,651.6184692,329.5230103,389.6428223,486.5625,552.9545898,0.9582964182,2.015100479,0,0,0.442733407,0.557266593 +Peru,PER,Latin America and Caribbean,LCN,2000,enaho,Lower education,13724948,0.5024015307,0.07869122922,0.09934930503,0.5150422454,0.3982491493,0.407620281,0.3443351388,0.06328514218,4263406,0.8044404984,0.7264088988,0.2024910748,0.78644979,0.2214062214,0.9776357412,0.02236427926,0.9855326414,0.014467353,0.2086568922,0.73632586,0.05501722917,0.2014458477,0.007211032324,,,0.03455928341,0.007937894203,0.5955529213,0.1008006632,0.3036464453,0.47954759,0.3365767598,0.003281384241,0.06394704431,0.0004323356261,0.03313989565,0.2265990525,0.01701271906,0.002283557551,0.00668704696,0.05106407031,0.0001636317174,0,0.004740761127,0.001332326909,0.1347929537,0.2527966201,0.06535119563,0.04379571974,0.4970268011,0,39,0.3985015452,0.2672644258,1.798148036,2.271482944,1.148687243,323.666626,408.8669128,206.7636871,316.875,374.9999695,307.2499695,0.9582964182,2.015100479,0.1902289987,0.3895058334,0.420265168,0 +Peru,PER,Latin America and Caribbean,LCN,2000,enaho,Male,12824786,0.35100618,0.2013274133,0.06503796577,0.6418964863,0.583955884,0.407620281,0.3443351388,0.06328514218,6374492,0.8636447787,,0.121292904,0.8262537718,0.2037865967,0.9567055702,0.04329442978,0.9445143938,0.05548559874,0.4627538621,0.4562896788,0.0809564665,0.3604739904,0.1022798643,,,0.2210243344,0.08075919002,0.3441013098,0.188233465,0.4676652253,,0.579916358,0.01090249512,0.1007317826,0.003975396045,0.07262378186,0.1891759783,0.09998783469,0.04330466315,0.04440443963,0.09079231322,0.008080824278,0.05594125018,0.07769549638,0.02625480294,0.07834101468,0.1864204705,0.1015224457,0.1228902042,0.3239936233,0.01885984838,39,0.3212321699,0.3681188226,2.652777672,3.351080656,1.694639087,477.4999695,603.194519,305.0350342,340,480.0000305,552.9545898,,2.015100479,0.04798802361,0.140021652,0.466098845,0.3458914459 +Peru,PER,Latin America and Caribbean,LCN,2000,enaho,Old worker,10420696,0,0,0,0.7018475533,1,0.407620281,0.3443351388,0.06328514218,8517512,0.8272667527,0.7162000537,,0.7995060682,0.2174006999,0.966442883,0.03355709836,,,0.3747574687,0.5566302538,0.06861228496,0.261503309,0.1132541597,,,0.3022065461,0.1054968089,0.30245471,0.1437776685,0.5537676215,0.7125312686,,0.006821929477,0.09055954218,0.002689484507,0.04370670393,0.2782461643,0.06110896543,0.03474961221,0.03627007827,0.1433928013,0.007953736931,0.07901568711,0.0699487105,0.03554787114,0.1490225047,0.1587922573,0.079587318,0.07884442806,0.3278545737,0.01343291532,39,0.3403950632,0.3602217436,2.968253851,3.749601126,1.896170497,534.2857056,674.9281616,341.3106995,334.2857056,490.3124695,602.5714111,0.9582964182,2.015100479,0.1178173721,0.2200890332,0.36343503,0.2986585498 +Peru,PER,Latin America and Caribbean,LCN,2000,enaho,Rural,9086676,0.4070568681,0.1858823895,0.06513635814,0,0.5278067589,0.407620281,0.3443351388,0.06328514218,4117827,0.8614279032,0.7935091853,0.1261209846,0.8531546593,0.2444079965,0.9903959036,0.00960409455,0.9854297638,0.01457021944,0.2087772787,0.7439333797,0.04728931189,0.1956031024,0.0131741846,,,0.06310161948,0.02874727547,0.7439262867,0.08086180687,0.1752118915,0.299023062,0.264865607,0.001471208758,0.05626662448,0.0001275047689,0.02299646474,0.1101025715,0.01350643206,0.002848015167,0.01268353593,0.03607134148,0.0007128006546,0.01683210023,0.009395630099,0.004086527508,0.07162015885,0.2921318114,0.05144253373,0.03040326573,0.5214983821,0.001876772032,39,0.4778886139,0.188812539,1.822916627,2.30277133,1.164509892,328.125,414.4988403,209.6117706,316.875,313.6111145,402,0.9582964182,2.015100479,0.143782571,0.2886964977,0.4479426444,0.119578287 +Peru,PER,Latin America and Caribbean,LCN,2000,enaho,Total,26295400,0.3433052897,0.1948731393,0.06552807987,0.6544385552,0.5911666304,0.6915704449,0.5807250817,0.1108453632,11762826,0.7566969436,0.6739510894,0.1531564742,0.7255395802,0.1924885064,0.9588245153,0.04117548093,0.9388296604,0.06117035076,0.3971894681,0.5502038002,0.05260670558,0.7685411813,0.2314587812,,,0.2314587831,0.08554989845,0.3175258636,0.1397363096,0.5427378416,0.7137621045,0.6417555809,0.005923844874,0.09195560217,0.002180168405,0.03967669234,0.2795063853,0.05901013687,0.03570505977,0.03012017719,0.1383960545,0.005806243513,0.06410079449,0.06144460291,0.03350040317,0.1486492604,0.1244056746,0.08254345506,0.06977766752,0.3987146914,0.01105722133,39,0.3873716295,0.3317081928,2.61284709,3.300638914,1.669130683,470.3125,594.1149902,300.4435425,328.125,477.4999695,522,0.9582964182,2.015100479,0.08402324468,0.1720428765,0.4328092933,0.311124593 +Peru,PER,Latin America and Caribbean,LCN,2000,enaho,Urban,17208724,0.3096427023,0.1996205002,0.06573491544,1,0.624622345,0.407620281,0.3443351388,0.06328514218,7644999,0.7215104103,0.6228260994,0.1665877551,0.6795324087,0.1630807221,0.941819191,0.05818077922,0.9086531401,0.09134684503,0.5039082766,0.4404731691,0.05561853945,0.3673654199,0.1365428865,,,0.2709677219,0.1177130044,0.07600781322,0.1730834991,0.7509086728,0.9512819648,0.9064371586,0.008445868269,0.1121702492,0.003342820564,0.04912456125,0.3754586577,0.08478394896,0.05431566015,0.03999648988,0.1963539422,0.008694518358,0.09090485424,0.09095936269,0.0501797609,0.1923291683,0.02929531597,0.1001794636,0.09210521728,0.3290892541,0.016263064,39,0.3355995417,0.413438797,2.86284709,3.616447449,1.828834891,515.3125,650.9605713,329.1903076,386.7857361,491.249939,529.5,0.9582964182,2.015100479,0.0491004847,0.1038716435,0.4239655137,0.4230623543 +Peru,PER,Latin America and Caribbean,LCN,2000,enaho,Young worker,5124267,0,1,0,0.670381546,1,0.407620281,0.3443351388,0.06328514218,3245314,0.6388297677,0.5825870633,0.1531564742,0.5997523069,0.1251819581,0.9388296604,0.06117035076,0.9388296604,0.06117035076,0.4577951729,0.5328412056,0.009363603778,0.4234666824,0.03432850912,,,0.07498661429,0.03166702762,0.3582444191,0.1288175732,0.5129380226,0.7171759009,0.6417555809,0.003497443395,0.09572741389,0.0008041231777,0.02878859267,0.2829112113,0.05333962291,0.03828643635,0.01350467373,0.1248960793,0,0.02377492376,0.03845177963,0.02796460316,0.1476400942,0.03143360093,0.0905360356,0.04526358098,0.5903013945,0.004633984063,39,0.5127152205,0.2556278408,2.013440847,2.54344821,1.286219954,362.4193726,457.8206787,231.5195923,323.75,411.5624695,374.583313,0.9582964182,2.015100479,0.02207053453,0.08396277577,0.5599888563,0.3339778185 +Peru,PER,Latin America and Caribbean,LCN,2001,enaho,Female,13624268,0.3291835487,0.1883570552,0.06450152397,0.6942324638,0.6063148975,0.4137372077,0.3540539145,0.05968329683,5344536,0.6551489234,0.6551489234,0.1976048648,0.6222683787,0.1553501934,0.9498121142,0.05018789321,0.9328225255,0.0671774894,0.3501442373,0.6291515231,0.02070423216,0.2520232797,0.09812097251,,0.3081900477,0.2802301645,0.08142597228,0.2898458838,0.08981535584,0.620338738,0.7101541162,0.6951221228,0.0008613208192,0.08642917126,0.000652294897,0.001872565132,0.3584507406,0.007585809566,0.02285061404,0.01967720129,0.2117744088,0.002935176482,0.07964306325,0.04133247212,0.04243710265,0.2210757732,0.05119869113,0.06270747632,0.009759224951,0.4876473844,0.001263647107,39,0.480234623,0.2802194357,2.495370388,3.091124058,1.59408462,449.166687,556.4023438,286.9352417,281.7187805,390.3260803,498.8888855,,1.897860408,0.1278086603,0.2126333714,0.3811822236,0.2783757448 +Peru,PER,Latin America and Caribbean,LCN,2001,enaho,Higher education,13073750,0.1693468988,0.3140103519,0.02793460153,0.8237335086,0.8027185202,0.4137372077,0.3540539145,0.05968329683,7565248,0.7220823169,0.6131523848,0.1281173527,0.6774975061,0.1584070027,0.9382551908,0.06174483523,0.915923655,0.08407637477,0.533577919,0.4212092161,0.04521287605,0.3551858068,0.1783921272,,0.3894051909,0.3343318999,0.1263555437,0.163979128,0.1725080609,0.663512826,0.892796576,0.7360387444,0.006701217499,0.1202934831,0.002878391417,0.04263496771,0.2957847714,0.07145185024,0.05395536125,0.04935168102,0.1929691732,0.00739364652,0.1099326238,0.08371625096,0.05258905143,0.1619050503,0.05261766165,0.1053015664,0.08941098303,0.3204881251,0.01664504223,39,0.3739358783,0.3617770374,2.905555487,3.599238157,1.856117725,523,647.862854,334.1011963,337.0714417,509.0217285,560.555603,0.9008943439,1.897860408,0,0,0.4556282163,0.5443717837 +Peru,PER,Latin America and Caribbean,LCN,2001,enaho,Lower education,13717183,0.4913236797,0.07860651612,0.0982292071,0.5548821688,0.4104470909,0.4137372077,0.3540539145,0.05968329683,4312013,0.8032718301,0.7209428549,0.1829148978,0.7834017277,0.197898671,0.975263536,0.0247364752,0.9666283131,0.03337166086,0.2338524163,0.7198232412,0.04632433504,0.2151364833,0.01871592551,,0.1037185118,0.08003307134,0.009332830086,0.5938376188,0.0949152559,0.3112471104,0.4782948494,0.3346315026,0.002257514512,0.06467602402,0.0005284101353,0.02745330893,0.2083422244,0.02595915832,0.002823022893,0.007333533373,0.06678918749,0.0002240349568,0.0007910194108,0.004857182503,0.002169000916,0.1202363744,0.2569172084,0.06246270612,0.03947819397,0.5123748183,0.0004894521553,39,0.4227863252,0.272017777,1.805555582,2.236620426,1.153419256,325,402.5916748,207.6154785,308.75,363.055542,339.75,0.9008943439,1.897860408,0.2124211639,0.4305545986,0.3570242226,0 +Peru,PER,Latin America and Caribbean,LCN,2001,enaho,Male,13166665,0.3393943012,0.1987842768,0.06333053857,0.6776428819,0.5972751379,0.4137372077,0.3540539145,0.05968329683,6532725,0.8498066068,,0.08148277551,0.8100594878,0.1875684559,0.953228116,0.04677190632,0.9249650836,0.07503490895,0.4806992114,0.453358233,0.06594256312,0.3447040319,0.1359951645,,0.3437720835,0.2829111516,0.08396618813,0.3516755402,0.1875179112,0.4608065188,,0.5848709345,0.008460921235,0.1103388742,0.003106074408,0.06561204791,0.1856444776,0.09279276431,0.04478015006,0.04516575858,0.09242337942,0.006185687147,0.06090520322,0.06500393152,0.02680850029,0.0855184719,0.1917726845,0.1110912785,0.1206213012,0.3138203621,0.01827255636,39,0.3203949332,0.3675076663,2.704860926,3.350629091,1.727910757,486.8749695,603.1132202,311.0239258,326.1111145,501.7924805,561.500061,,1.897860408,0.05671833828,0.1650836319,0.4456237853,0.3325742483 +Peru,PER,Latin America and Caribbean,LCN,2001,enaho,Old worker,10941166,0,0,0,0.7296622396,1,0.4137372077,0.3540539145,0.05968329683,8804803,0.8203341365,0.7114412785,,0.7873731256,0.1903495491,0.9598199725,0.04018000141,,,0.4009074271,0.5411405563,0.05795201659,0.2554160953,0.1454913318,,0.4279150367,0.3629050553,0.1035158187,0.3094397783,0.1477718502,0.5427883863,0.71506989,,0.005860698409,0.1002362296,0.002267951146,0.03940697014,0.26225245,0.05570828915,0.03472349793,0.04124748334,0.1488566548,0.006282822695,0.08470180631,0.0591365844,0.03456836566,0.1454597861,0.159341082,0.08940466493,0.07937858999,0.3287169933,0.01300928649,39,0.3525852859,0.3499927223,3.013888836,3.733435392,1.92532289,542.5,672.0183716,346.558136,325,531.6428223,606.5625,0.9008943439,1.897860408,0.1274400204,0.2360776365,0.3390962481,0.29738608 +Peru,PER,Latin America and Caribbean,LCN,2001,enaho,Rural,8410227,0.4097241461,0.1764269918,0.06215682253,0,0.5281190276,0.4137372077,0.3540539145,0.05968329683,3750577,0.8461995125,0.7663266063,0.1105516776,0.8392278552,0.2325312048,0.9917612672,0.008238731883,0.9869964123,0.01300359145,0.2015400827,0.754166007,0.04429389909,0.1812523007,0.02028778382,,0.1559792161,0.1006637663,0.03181090578,0.7779707909,0.06170831621,0.1603209078,0.2648896873,0.2064335495,0.00278276857,0.04109415784,0.0006417224067,0.01718966477,0.09146627784,0.01394260861,0.002859119326,0.009392482229,0.04266042635,0.002894068602,0.01880674064,0.005446709692,0.003475301666,0.06933613122,0.3106939197,0.04157269746,0.02216536552,0.5244560242,0.001153057092,39,0.4943454564,0.1843120903,1.851190567,2.293150425,1.18257165,333.2142944,412.7670593,212.8628998,307.5,333.2142944,469.7142944,0.9008943439,1.897860408,0.1473478675,0.3141068518,0.4201638401,0.1183814406 +Peru,PER,Latin America and Caribbean,LCN,2001,enaho,Total,26790933,0.3342017233,0.1934816092,0.06392603368,0.6860793829,0.6018722504,0.6614821612,0.5552701974,0.1062119638,11877261,0.7365871554,0.6551489234,0.1389748752,0.7010033458,0.173099488,0.9516909719,0.04830903187,0.9283954501,0.07160455734,0.4220679998,0.5323055983,0.04562638327,0.7180877024,0.2819123152,,0.3305155337,0.2819123268,0.08282472193,0.3239078522,0.1436396837,0.5324524641,0.7101541162,0.6332250834,0.005047939252,0.0996010229,0.002004081616,0.03698663414,0.2632517815,0.05452630669,0.03493159264,0.03371884301,0.146023944,0.004725816194,0.06932076067,0.05437259376,0.03382762522,0.1464000344,0.1286380291,0.08936112374,0.07083087415,0.3918896317,0.01063350681,39,0.3921403587,0.3283275962,2.622222185,3.248260975,1.675119638,472,584.6869507,301.5215454,320.8163452,487.500061,534.375,0.9008943439,1.897860408,0.09362608939,0.1897698939,0.4121678472,0.304436177 +Peru,PER,Latin America and Caribbean,LCN,2001,enaho,Urban,18380706,0.2996459007,0.201285094,0.06473554671,1,0.6356185675,0.4137372077,0.3540539145,0.05968329683,8126684,0.7120682001,0.6141040325,0.1505603194,0.6645005941,0.1439496428,0.9331979752,0.06680203229,0.8960480094,0.1039519981,0.5302317142,0.4234883487,0.0462799333,0.3628363311,0.167395398,,0.3630541861,0.3157023191,0.1078708842,0.1011699289,0.1838306338,0.7149994373,0.9289056063,0.8927793503,0.006159105338,0.1283012182,0.002672378905,0.04669792205,0.3475201726,0.07443440706,0.05066455528,0.04565199837,0.1967283189,0.005624676123,0.09410857409,0.07838109136,0.04872186109,0.1842161864,0.03930109739,0.1128114536,0.09471159428,0.3268377781,0.01528567262,39,0.3417167068,0.3993787467,2.815972328,3.48826766,1.798890591,506.8750305,627.8881836,323.800293,337.1875,499.166687,538,0.9008943439,1.897860408,0.0672096163,0.1286299974,0.408235997,0.3959243894 +Peru,PER,Latin America and Caribbean,LCN,2001,enaho,Young worker,5183553,0,1,0,0.7137501836,1,0.4137372077,0.3540539145,0.05968329683,3072458,0.6010451317,0.5299954414,0.1389748752,0.5580075383,0.1219924167,0.9283954501,0.07160455734,0.9283954501,0.07160455734,0.4847608507,0.5061301589,0.009108992293,0.4443020225,0.04045881703,,0.09186416119,0.0834613964,0.02148608491,0.3667749465,0.1313965619,0.5018284917,0.6951221228,0.6332250834,0.002639831509,0.09771899134,0.001222267514,0.02981547453,0.2662127614,0.05102423579,0.03554813936,0.01141238865,0.1376309693,0.00011292009,0.02375179529,0.0402584672,0.0316330567,0.1491856724,0.0376749821,0.08923212439,0.04550679773,0.5790493488,0.003594856709,39,0.5084588528,0.2646175325,1.916666508,2.37425828,1.224398851,344.999939,427.3664856,220.3917694,306.25,372.4137878,357.75,0.9008943439,1.897860408,0.02884638496,0.1010549068,0.5521562099,0.3179425001 +Peru,PER,Latin America and Caribbean,LCN,2002,enaho,Female,13802086,0.3169896305,0.1889239848,0.06882981211,0.7006561756,0.6141805649,0.4064884186,0.3470554352,0.05943298712,5496200,0.6536373496,0.6536373496,0.1832097769,0.6137871742,0.1362353116,0.9390331507,0.06096684933,0.9144175053,0.08558250219,0.3614570498,0.6165800691,0.02196289413,0.2600448132,0.1014122143,,0.3247821927,0.2805650532,0.08396986872,0.2931983173,0.09436218441,0.6124395132,0.7068016529,0.6851125956,0.0007610759931,0.09128901362,0.0005698382156,0.001742259483,0.3375842869,0.01009433251,0.0296908766,0.02238567173,0.2126843184,0.002626942471,0.0847318396,0.04535484314,0.04757443443,0.2030311078,0.05231336504,0.06509248912,0.008181543089,0.4884881973,0.002605227521,40,0.4644474089,0.2803878188,2.674999952,3.307251453,1.708835006,481.5,595.3052368,307.5903015,296.666626,442.7678833,509.9999695,,1.917438149,0.117184639,0.2115613669,0.3884244263,0.2828295529 +Peru,PER,Latin America and Caribbean,LCN,2002,enaho,Higher education,13700525,0.1602334231,0.3134517074,0.03020117804,0.8242512345,0.8095654249,0.4064884186,0.3470554352,0.05943298712,8050851,0.7265447974,0.6141613126,0.1245102137,0.6739718914,0.1391443014,0.927639842,0.07236017287,0.8961724043,0.1038276032,0.543792367,0.41128546,0.0449221991,0.3628679514,0.1809244156,,0.382614851,0.332708627,0.1217589304,0.175970003,0.1714598686,0.6525701284,0.8797659278,0.7233372331,0.008095293306,0.1174033135,0.004306474235,0.04165478423,0.2796219885,0.07445519418,0.06192823127,0.04864085466,0.1879238784,0.007436236367,0.1174507067,0.08373174816,0.05849189684,0.1559589207,0.06003745273,0.09646850079,0.08443378657,0.3222703636,0.01372040808,40,0.3497934043,0.3644690812,2.9375,3.63179493,1.876524448,528.75,653.7230225,337.7744141,335,529.0384521,564.583313,0.9423892498,1.917438149,0,0,0.4549042583,0.5450957417 +Peru,PER,Latin America and Caribbean,LCN,2002,enaho,Lower education,13372416,0.4926573336,0.07089481503,0.1022675335,0.5577303171,0.4050751328,0.4064884186,0.3470554352,0.05943298712,4225080,0.8034415841,0.7208828926,0.1664800793,0.7810194492,0.1867936701,0.9720923901,0.02790763788,0.9729448557,0.02705516666,0.2095273435,0.741253078,0.04921955988,0.1902038157,0.0193235334,,0.1232807785,0.09222440422,0.01340247691,0.591945827,0.1050580367,0.3029961288,0.4701108932,0.3191326559,0.00547481887,0.06989755481,0.001333522261,0.02835213952,0.1992937773,0.02382907085,0.005712208338,0.01105920225,0.0631018728,0.0002280488989,0.000627134461,0.006171207875,0.002044643508,0.1057820395,0.2698544562,0.06894093752,0.03939471394,0.5069305301,0.00002631333336,40,0.4081168473,0.2749676406,1.899999976,2.349075794,1.213752031,342,422.8336182,218.4753571,292.1875,405.9374695,365.625,0.9423892498,1.917438149,0.1931178272,0.4464809895,0.3604011834,0 +Peru,PER,Latin America and Caribbean,LCN,2002,enaho,Male,13270855,0.332170248,0.1985511035,0.06264411658,0.6842332482,0.6051856279,0.4064884186,0.3470554352,0.05943298712,6779731,0.8548285961,,0.08081100881,0.8087584376,0.1719952971,0.946105957,0.05389402434,0.9119431973,0.0880567953,0.476469934,0.4573827088,0.06614737213,0.3350429833,0.1414269358,,0.3448934853,0.2968223691,0.08279147744,0.3479990959,0.1909765005,0.4610243738,,0.5842595696,0.01231864095,0.1079970151,0.005409438629,0.06525141001,0.1815493554,0.09382487088,0.05187140033,0.04570241272,0.08807634562,0.006690567359,0.0689792484,0.0649503395,0.03113560565,0.08596157283,0.2005856782,0.1040877625,0.1169466451,0.3067669868,0.01389558986,40,0.2947599292,0.3748522997,2.709722042,3.350180387,1.73101604,487.75,603.0324707,311.5829163,323.75,515,562.812439,,1.917438149,0.04344527796,0.1640969664,0.4434389472,0.3490188122 +Peru,PER,Latin America and Caribbean,LCN,2002,enaho,Old worker,11265816,0,0,0,0.7353296876,1,0.4064884186,0.3470554352,0.05943298712,9118278,0.8179610372,0.7050071955,,0.7797589302,0.1728686094,0.9532958865,0.04670410231,,,0.4096041322,0.5315524936,0.05884335563,0.2595122755,0.1500918567,,0.4249260724,0.3664315045,0.1012177616,0.3077469766,0.1511400044,0.541113019,0.7138925791,,0.008301718161,0.09976442903,0.003747404087,0.03932646289,0.2509265244,0.05633473396,0.0444281511,0.04199637473,0.1474272311,0.006469548214,0.09336420894,0.05844966322,0.0396983996,0.1353696585,0.1661820114,0.08864318579,0.07716363668,0.3236203492,0.01103934087,40,0.3333660662,0.3542915881,3.09722209,3.829268217,1.978557587,557.5,689.2683105,356.1403809,325,567.5,612,0.9423892498,1.917438149,0.1110041291,0.2390477806,0.346231252,0.3037168384 +Peru,PER,Latin America and Caribbean,LCN,2002,enaho,Rural,8322064,0.4035327137,0.1739003658,0.06427516043,0,0.532192111,0.4064884186,0.3470554352,0.05943298712,3792945,0.8577176332,0.780120492,0.09579610825,0.8501215577,0.2276758254,0.9911438227,0.008856179193,0.9813227057,0.01867731474,0.1755775064,0.7782347798,0.04618772119,0.1490814686,0.02649604157,,0.1935935915,0.1509079486,0.03661666438,0.7853264213,0.06415703148,0.1505165547,0.2553661168,0.2007550895,0.005895162001,0.04250171781,0.0009613353759,0.01479881909,0.08153129369,0.01133359596,0.002626249101,0.01211404894,0.0429113619,0.002874055877,0.02153185755,0.0071647726,0.003466172609,0.06079686433,0.3331487477,0.04545135051,0.01974352635,0.5052478313,0.0005748111871,40,0.4816431701,0.18194592,1.888888836,2.335338593,1.206653953,340,420.3609619,217.1977234,287.7272949,409.5,475.125,0.9423892498,1.917438149,0.1379709691,0.3046312034,0.4268608093,0.1305369884 +Peru,PER,Latin America and Caribbean,LCN,2002,enaho,Total,27072941,0.3244310021,0.1936430931,0.06579765677,0.6926058531,0.6097713709,0.6399589708,0.5320535165,0.1079054543,12275931,0.7436215581,0.6536373496,0.1317954212,0.701190022,0.1560510993,0.9429393411,0.05706068128,0.9130328894,0.08696712554,0.4251894951,0.5283635259,0.04644697532,0.7093397123,0.2906602702,,0.3372706175,0.2906602919,0.08331684023,0.3235652447,0.1478993744,0.5285353661,0.7068016529,0.6287423372,0.007165504619,0.1005474702,0.003251620801,0.03693478182,0.2511201799,0.05649219081,0.04198183864,0.03530624881,0.1436349154,0.004878818523,0.07600247115,0.05621377751,0.03846478462,0.1381564885,0.1344791353,0.08670189977,0.06845422089,0.3877865672,0.008861833252,40,0.3705054224,0.3326850235,2.706249952,3.345887661,1.728798032,487.125,602.2597656,311.1836548,320.5,501.2500305,538.5,0.9423892498,1.917438149,0.08160015196,0.1886564195,0.4149728417,0.3147705793 +Peru,PER,Latin America and Caribbean,LCN,2002,enaho,Urban,18750877,0.2893238664,0.2024053633,0.06647337228,1,0.6442027688,0.4064884186,0.3470554352,0.05943298712,8482986,0.7118031383,0.6092939377,0.1456573159,0.6558454037,0.121601373,0.9213859439,0.07861406356,0.8765586615,0.1234413087,0.5452467203,0.4081816077,0.04657166824,0.3749632835,0.1702834368,,0.3595234752,0.3123052716,0.1057806686,0.1014694795,0.188177377,0.7103531361,0.9251748919,0.88465482,0.007776508573,0.1284660548,0.004353191704,0.04758163542,0.3326882422,0.07821236551,0.06091091037,0.0464611277,0.1920804828,0.005842666142,0.1021907851,0.07979549468,0.05529137328,0.1753493696,0.0389630124,0.1065342873,0.09187328815,0.3313136697,0.0128460573,40,0.3168098629,0.4055137336,2.839646578,3.510813236,1.814014077,511.1363831,631.9463501,326.522522,344.6875,505.9821777,542.5,0.9423892498,1.917438149,0.05433628336,0.1325649619,0.4092231989,0.4038755596 +Peru,PER,Latin America and Caribbean,LCN,2002,enaho,Young worker,5242488,0,1,0,0.7239459753,1,0.4064884186,0.3470554352,0.05943298712,3157653,0.6081569195,0.5379202962,0.1317954212,0.5552672744,0.1053460538,0.9130328894,0.08696712554,0.9130328894,0.08696712554,0.4721795619,0.5187487602,0.009071671404,0.4285103679,0.04366916791,,0.1080118939,0.09248424321,0.02933096699,0.371257633,0.1381288022,0.4906135499,0.6851125956,0.6287423372,0.003739801235,0.1029083505,0.001756825484,0.02972382307,0.2517040074,0.05696693063,0.03460616618,0.01513540745,0.1322010309,0.00007848969108,0.02361011691,0.04946656525,0.03474210575,0.1465663016,0.03880967945,0.08084368706,0.04217188433,0.581420362,0.002290787641,40,0.4814400375,0.2681466043,2.029513836,2.50920105,1.29648757,365.3125,451.656189,233.3677826,293.5384827,374.375,389.999939,0.9423892498,1.917438149,0.02477845922,0.09127768129,0.5478125215,0.3361313641 +Peru,PER,Latin America and Caribbean,LCN,2003,enaho,Female,13989553,0.3155609071,0.1888468415,0.06803112477,0.7056392431,0.6164079905,0.3998755813,0.3387541175,0.06112147868,5730539,0.6916891932,0.6916891932,0.1702533811,0.6590330601,0.1647628099,0.9527878761,0.04721213877,0.9242537618,0.07574621588,0.3251100481,0.6535847783,0.0213051755,0.2441195846,0.09502127022,,0.3009334505,0.2801823318,0.07080546767,0.3092922568,0.07669540495,0.6140123606,0.6907077432,0.6941704154,0.0006860821159,0.07187744975,0.0007721628645,0.00335971429,0.350864321,0.01163921971,0.03255501762,0.01854930818,0.2004044652,0.002531690523,0.08079413325,0.04489002377,0.044052843,0.2144447863,0.05428070575,0.04833527282,0.006142687518,0.5035088062,0.001019049902,39,0.4805681705,0.2695967257,1.555397749,1.880536318,0.9936142564,279.9716187,338.496521,178.8505859,119.1294708,226.1718597,329.6590881,,,0.1545622498,0.1963209361,0.3725670874,0.2765497267 +Peru,PER,Latin America and Caribbean,LCN,2003,enaho,Higher education,13621784,0.1591115445,0.3127698302,0.02921753936,0.8292185664,0.8116708994,0.3998755813,0.3387541175,0.06112147868,8332747,0.7552211881,0.6552799344,0.1131686494,0.7072296739,0.1707236171,0.9364537001,0.06354627013,0.8983391523,0.1016608328,0.2851264775,0.666413486,0.04846004769,0.3277747035,0.1806837171,,0.3802653551,0.3553559482,0.1041517407,0.1831515431,0.1667874306,0.6500610113,0.882425189,0.7278522253,0.0092797447,0.1065798104,0.002462697448,0.04846517369,0.2891358435,0.07774983346,0.06166880578,0.04304870218,0.1784578562,0.005284161307,0.1072769314,0.08428589255,0.05657602474,0.1547595263,0.06055394933,0.0916756466,0.08585371077,0.3413009346,0.0124332225,39,0.358520478,0.3663274646,2.196777344,2.65598917,1.403338313,395.4199219,478.0780334,252.6009064,221.3085938,485.859375,434.25,0.9239403009,,0,0,0.4375377595,0.5624622703 +Peru,PER,Latin America and Caribbean,LCN,2003,enaho,Lower education,13824949,0.4789679945,0.07931269705,0.1004946902,0.5693272352,0.4205373228,0.3998755813,0.3387541175,0.06112147868,4311743,0.8264737129,0.7527092099,0.166009292,0.8133165836,0.2066794485,0.9840804338,0.01591954753,0.9711149335,0.02888509259,0.4455612898,0.511198163,0.043240536,0.1798245758,0.02303833328,,0.1202751473,0.1135660261,0.01368856989,0.6297262907,0.08184625208,0.2884274423,0.4252126217,0.2647207081,0.004375101067,0.0505175218,0.0009123042691,0.02604132518,0.1973629147,0.02268505469,0.003413304687,0.01101411227,0.05395203829,0.0007237629616,0.0003709550365,0.004435198382,0.001548866858,0.1150629893,0.2704318762,0.04869315028,0.02929837629,0.5294348598,0,39,0.4358420968,0.2469477952,1.188476563,1.436914325,0.7592188716,213.9257813,258.6445923,136.6593933,165.3515625,225.5859528,295.2321167,0.9239403009,,0.2586606443,0.3876300454,0.3537093103,0 +Peru,PER,Latin America and Caribbean,LCN,2003,enaho,Male,13457180,0.325070709,0.2017580271,0.06209354475,0.690692842,0.6128357649,0.3998755813,0.3387541175,0.06112147868,6913951,0.8679643869,,0.07610111684,0.8268374801,0.1988287568,0.9526168108,0.04738318175,0.9052937031,0.09470627457,0.3553370833,0.5770543814,0.06760850549,0.3018101454,0.1501372755,,0.3544338942,0.3322007656,0.07351449877,0.3662782013,0.1867510378,0.4469707608,,0.565190196,0.01324406546,0.09923074394,0.002865321701,0.07141091675,0.1788412035,0.09708038718,0.04827395827,0.04272080585,0.08005440235,0.004627922084,0.06035431102,0.06550063193,0.0315050371,0.07970008254,0.2009776682,0.09991455823,0.1155015677,0.3280324936,0.01388574019,39,0.3072503805,0.3693242371,1.716249943,2.075012922,1.096369386,308.9249878,373.5023193,197.3464813,198.3984222,505,446.0560303,,,0.07224756479,0.1457184255,0.4299046993,0.3521293104 +Peru,PER,Latin America and Caribbean,LCN,2003,enaho,Old worker,11513336,0,0,0,0.7424103618,1,0.3998755813,0.3387541175,0.06112147868,9308710,0.8403564095,0.739574194,,0.8123250604,0.2031652033,0.9666435122,0.03335650265,,,0.4054995775,0.5356010795,0.05889930949,0.2366526723,0.1523894072,,0.4212604463,0.3917041719,0.08948895335,0.3282379508,0.1420082301,0.5297538042,0.6895387769,,0.00798259303,0.0882429406,0.002348246286,0.04343444481,0.2524101436,0.05752103403,0.04311660305,0.03897599876,0.1377300471,0.004923681729,0.08425885439,0.06393862516,0.03694778681,0.1400227994,0.1665053815,0.07646216452,0.07176287472,0.3447377384,0.01044008136,39,0.3486024141,0.3457480669,1.672247052,2.021811724,1.068259597,301.0044861,363.9260864,192.2867279,185.625,423.5625,387.8906555,0.9239403009,,0.1463009119,0.2139769047,0.3423250318,0.2973971665 +Peru,PER,Latin America and Caribbean,LCN,2003,enaho,Rural,8280377,0.4034800529,0.169822216,0.0685357675,0,0.5279842019,0.3998755813,0.3387541175,0.06112147868,3863918,0.8863020539,0.8261606097,0.09493395686,0.8786290884,0.2348345518,0.9913427234,0.008657274768,0.9769883156,0.02301170863,0.3776014745,0.5774392486,0.04495926946,0.142603755,0.02172607183,,0.1681536585,0.1322101504,0.03151809052,0.806990087,0.0496247597,0.1433851272,0.2255304307,0.1833966523,0.005950710271,0.02916093543,0.0002396574564,0.01427345537,0.0793357566,0.01362732053,0.002600205131,0.01322580222,0.03459604457,0.001818055054,0.01671702228,0.005246618763,0.003036444308,0.05997179821,0.3282166421,0.03249499202,0.01749525592,0.5342134237,0.0007897209143,39,0.4956087768,0.1614208668,1.057942748,1.279093862,0.6758316159,190.4297028,230.2368927,121.649704,178.59375,151.40625,247.5,0.9239403009,,0.1442632675,0.3022719324,0.4306158423,0.1228489578 +Peru,PER,Latin America and Caribbean,LCN,2003,enaho,Total,27446733,0.3202235699,0.1951772124,0.06511991471,0.6983110309,0.6146564931,0.6269249393,0.5209797236,0.1059452157,12644490,0.7495113019,0.6916891932,0.1225530654,0.7140551875,0.183388412,0.9526943564,0.04730566591,0.9137682915,0.08623170853,0.3416367173,0.6117417216,0.0466215685,0.6877485368,0.3122515004,,0.3339162767,0.3122514784,0.07228658348,0.3404493928,0.1368684471,0.5226821899,0.6907077432,0.6235019565,0.007552172989,0.08683288842,0.001916599693,0.0405667834,0.2568104863,0.05835426599,0.04114936665,0.03176509961,0.134602949,0.003677754663,0.06961915642,0.05615837872,0.03719263151,0.140776366,0.1344837397,0.0765350014,0.06593202055,0.4075713456,0.008053602651,39,0.3858857155,0.3240772486,1.651227713,1.996398568,1.054832101,297.2210083,359.3517456,189.8697815,182.3684082,398.6413269,380.8125,0.9239403009,,0.1146161482,0.1717642844,0.4003922045,0.3132273555 +Peru,PER,Latin America and Caribbean,LCN,2003,enaho,Urban,19166356,0.2842545509,0.2061312497,0.06364417821,1,0.6521012783,0.3998755813,0.3387541175,0.06112147868,8780572,0.7384241223,0.6446409225,0.1328257471,0.6909338832,0.1594027728,0.9356870055,0.06431300938,0.8818334937,0.1181664839,0.3248689473,0.6277344823,0.04739658162,0.3376974165,0.1733779311,,0.3587656915,0.3392414153,0.09129500389,0.1229350492,0.1775438935,0.6995210648,0.9115145802,0.8698044419,0.008298819885,0.1137211695,0.002698437078,0.0528254658,0.3395541906,0.07920721918,0.05912206322,0.04040863737,0.1812289506,0.004544869065,0.09428561479,0.07989679277,0.05311850086,0.1784527898,0.04415268078,0.09706936032,0.08851642907,0.3485224545,0.01144050341,39,0.3343477547,0.400478512,2.117857218,2.560571671,1.352922797,381.2142944,460.9028931,243.5261078,194.8827972,480.9375,399.1453857,0.9239403009,,0.100845173,0.1111439764,0.3863534331,0.4016574323 +Peru,PER,Latin America and Caribbean,LCN,2003,enaho,Young worker,5356977,0,1,0,0.7375026941,1,0.3998755813,0.3387541175,0.06112147868,3335780,0.6447874308,0.584145844,0.1225530654,0.5891863108,0.125006482,0.9137682915,0.08623170853,0.9137682915,0.08623170853,0.1531109214,0.83651191,0.01037718169,0.3908189535,0.04476187006,,0.1036215052,0.1027636379,0.02150695585,0.3764980435,0.1216956005,0.5018063784,0.6941704154,0.6235019565,0.006281556096,0.0826703608,0.0006423610612,0.03210132197,0.269800514,0.06081400812,0.0353419967,0.0104782274,0.1253716201,0,0.02640536986,0.03319248185,0.03791537881,0.1430007964,0.03996155038,0.07675001025,0.04872036353,0.5930449367,0.001009143307,39,0.4947601259,0.2607943714,1.5,1.81355834,0.9582252502,270,326.4405212,172.480545,140.7375031,210.833313,330,0.9239403009,,0.05306082591,0.08975604177,0.5132017136,0.3439813852 +Peru,PER,Latin America and Caribbean,LCN,2004,enaho,Female,14079062,0.3039372265,0.1954144388,0.07087794691,0.7109140754,0.625184834,0.39361763,0.329284519,0.0643331036,6018819,0.6912835836,0.6912835836,0.2282427251,0.6529605985,0.1156810075,0.9445625544,0.05543745309,0.9049904346,0.09500958025,0.344902724,0.6309473515,0.0241499301,0.2927501798,0.05215252936,0.4304522276,0.3035876751,0.1512093842,0.07802931219,0.2978452146,0.08590026945,0.6162545085,0.7021548152,0.6940035224,0.00151587883,0.08339849114,0.0003572464339,0.0006286552525,0.3546465039,0.0109640006,0.02442274615,0.1388907731,0.0873304829,0.002500549192,0.07073708624,0.0431124866,0.04503556713,0.1996180862,0.04797814414,0.05485289544,0.009472044185,0.5251800418,0.00151306449,38,0.490731895,0.2703155875,2.491339207,2.905705214,1.591509461,448.44104,523.0269775,286.4716797,286.3926697,477.3829956,473.1378174,,2.063306808,0.103744179,0.194198966,0.3914726973,0.3105841875 +Peru,PER,Latin America and Caribbean,LCN,2004,enaho,Higher education,14902672,0.1587413996,0.3146908879,0.02897842787,0.8323152661,0.8122801781,0.39361763,0.329284519,0.0643331036,8992190,0.7521936297,0.6522876024,0.1844606549,0.7030461431,0.1113150492,0.9346610904,0.06533892453,0.8953945637,0.1046054363,0.5160517097,0.4334620833,0.05048621818,0.4218473136,0.09420439601,0.4867260456,0.3751709163,0.1825483739,0.1130250543,0.1768166125,0.175096646,0.6480867267,0.8779223561,0.7254619598,0.01127891336,0.1175962165,0.002897337778,0.04332418367,0.2849828601,0.07485709339,0.05974143744,0.1872144192,0.0412909314,0.006294352468,0.09715680778,0.0800717622,0.05791063607,0.139724955,0.05550967529,0.09350045025,0.08571366966,0.3720430434,0.01207464654,38,0.3800581098,0.3523128927,2.876919508,3.355416298,1.837824583,517.84552,603.9749146,330.8084412,353.5724487,529.8018799,556.2008667,0.8469323516,2.063306808,0,0,0.4281493127,0.5718506575 +Peru,PER,Latin America and Caribbean,LCN,2004,enaho,Lower education,12959273,0.4850935638,0.06565584242,0.113048628,0.5550359488,0.4018577933,0.39361763,0.329284519,0.0643331036,4324028,0.8323867917,0.7631795406,0.169665426,0.8181464076,0.13697429,0.982892096,0.01710789092,0.9758318067,0.02416821755,0.20876728,0.7446525693,0.04658012465,0.1983285844,0.01043869369,0.1408936977,0.1128425077,0.05000157654,0.01166813262,0.6072938442,0.09681244195,0.2958937287,0.4431004226,0.3214081228,0.006365097128,0.06471307576,0.0003484662448,0.02538580075,0.1923517138,0.02454086952,0.004971702583,0.03061397187,0.04341545701,0.0004675235832,0.0000430582877,0.004182536155,0.00291949301,0.0994053483,0.2606080472,0.06188205257,0.03187230974,0.5385560989,0.00006352861965,38,0.4407806098,0.2457973808,1.856151223,2.164871216,1.185740709,334.1072083,389.6768188,213.4333038,306.2503662,443.9195557,334.6998291,0.8469323516,2.063306808,0.1653501391,0.4346110821,0.4000387788,0 +Peru,PER,Latin America and Caribbean,LCN,2004,enaho,Male,13782883,0.31727615,0.2023767382,0.06522503495,0.6956149936,0.6174988151,0.39361763,0.329284519,0.0643331036,7297399,0.864351809,,0.1369084716,0.8255194426,0.1234007552,0.9550734162,0.04492655396,0.9153450727,0.08465492725,0.4682771564,0.4621357322,0.06958711147,0.3908510804,0.07742606848,0.4228442311,0.3468610048,0.1653423905,0.07977126539,0.3406073153,0.2001186907,0.459273994,,0.6016825438,0.01624655724,0.1132431999,0.00341504137,0.06721389294,0.1716643721,0.09629368782,0.05515234172,0.1311341375,0.005029437598,0.005835727323,0.05948245898,0.06394029409,0.0348761715,0.06627260894,0.1867402494,0.105746381,0.1150761992,0.3486642838,0.01336561888,38,0.327062726,0.3518387973,2.732952118,3.187503815,1.745855808,491.9313965,573.7506714,314.2540588,338.2747192,530.244812,569.9853516,,2.063306808,0.0251116287,0.1495887637,0.4441567361,0.3811428845 +Peru,PER,Latin America and Caribbean,LCN,2004,enaho,Old worker,11772343,0,0,0,0.7445719242,1,0.39361763,0.329284519,0.0643331036,9733149,0.8340176344,0.7324090004,,0.8047716618,0.1290345192,0.9649336338,0.03506634757,,,0.3981389105,0.5385106206,0.06335050613,0.3153806925,0.0827581957,0.5225280523,0.4338807464,0.2078626305,0.09944089502,0.3091776073,0.1516163647,0.539206028,0.7050123811,,0.01012675371,0.09944928437,0.002573934151,0.03946638852,0.2500404716,0.05797810107,0.04419451207,0.1561193913,0.03087358177,0.005769085139,0.0815076977,0.05880841985,0.04261277243,0.1301573664,0.158536166,0.08554553241,0.07387021184,0.3530854285,0.0101073198,38,0.3673122823,0.3370521665,3.099699497,3.615249634,1.980140209,557.9459229,650.7449341,356.4252625,339.8062134,596.7287598,622.8006592,0.8469323516,2.063306808,0.09415627271,0.219477132,0.3632831275,0.3230834603 +Peru,PER,Latin America and Caribbean,LCN,2004,enaho,Rural,8265362,0.3853085935,0.1764330417,0.07445251942,0,0.5402389169,0.39361763,0.329284519,0.0643331036,3992342,0.8954911232,0.8464211822,0.1068337113,0.8896428943,0.1622582823,0.9934692383,0.006530753337,0.9869788885,0.0130211236,0.1854959875,0.7707548141,0.04374917597,0.1712488532,0.01424714271,0.2382583022,0.1614675075,0.07680566609,0.03132238239,0.7868939042,0.0621596761,0.1509463936,0.2445545048,0.2249122709,0.007736490108,0.04237559438,0.001367784222,0.01067981031,0.08246389776,0.01277270913,0.003630616004,0.03870060295,0.01337856799,0.002886087634,0.01694287546,0.005572239403,0.004599788692,0.05405508354,0.3088078499,0.04298372194,0.01530607231,0.5484915376,0.0003547414381,38,0.5059347749,0.1658293605,1.814829946,2.116677284,1.159343958,326.6694031,381.0019226,208.6819153,295.1263428,381.8872375,390.1394043,0.8469323516,2.063306808,0.1302842945,0.2940662503,0.4406759739,0.1349734962 +Peru,PER,Latin America and Caribbean,LCN,2004,enaho,Total,27861945,0.3105357885,0.1988585889,0.0680815354,0.7033458352,0.6213826835,0.6093142503,0.499749666,0.1095645843,13316218,0.7691487162,0.6912835836,0.1821704805,0.7309394293,0.1199326441,0.950322628,0.04967739433,0.9106327295,0.08936724067,0.4128509462,0.5379747152,0.04917436466,0.8399619201,0.1600380979,0.4257679582,0.330619961,0.1600380987,0.07898874581,0.3213957846,0.1488042772,0.5297999382,0.7021548152,0.6434367299,0.009628569707,0.09983499348,0.002041279105,0.03729943559,0.2538719475,0.05795799196,0.04134659097,0.1346189231,0.04200446978,0.00433728192,0.06453899294,0.05458267406,0.03944063559,0.1261827201,0.1243965328,0.0828807056,0.06762984395,0.427970171,0.008040444925,38,0.4014515281,0.3147859275,2.673141003,3.117744684,1.707647443,481.1654053,561.1940308,307.3765564,328.0665894,515.7980957,519.1744385,0.8469323516,2.063306808,0.06566496193,0.1725956798,0.4169858694,0.344753474 +Peru,PER,Latin America and Caribbean,LCN,2004,enaho,Urban,19596583,0.2789984345,0.2083171308,0.065394409,1,0.6556071639,0.39361763,0.329284519,0.0643331036,9323876,0.7346792221,0.6398491859,0.209367007,0.6846092939,0.1006109938,0.9318478703,0.06815212965,0.872913897,0.1270860732,0.5166384578,0.4317106009,0.05165096372,0.4269085824,0.08972986042,0.4576541185,0.3583446741,0.1736801863,0.1007504091,0.1088865623,0.1883592755,0.7027541399,0.918633759,0.8772281408,0.01049234159,0.1260663569,0.002348743146,0.049451828,0.3321231604,0.07858598232,0.05856468901,0.1784075648,0.0550727658,0.004999822937,0.08626892418,0.07695832103,0.05534717068,0.1591124833,0.04020382091,0.1010956168,0.09151818603,0.3729462922,0.01154934149,38,0.3493287563,0.3890947402,2.837875605,3.309878588,1.812882781,510.8175964,595.7781372,326.3188782,371.6925659,535.1351318,527.8225098,0.8469323516,2.063306808,0.03540028259,0.1157045215,0.4058905542,0.4430046678 +Peru,PER,Latin America and Caribbean,LCN,2004,enaho,Young worker,5540587,0,1,0,0.7367998958,1,0.39361763,0.329284519,0.0643331036,3583069,0.6539450884,0.6005374789,0.1821704805,0.5955038071,0.09373372048,0.9106327295,0.08936724067,0.9106327295,0.08936724067,0.4551981986,0.536432147,0.008369651623,0.4371563494,0.01804183982,0.1735110134,0.07065083086,0.039635133,0.0201240629,0.3565632701,0.1407102942,0.5027264357,0.6940035224,0.6434367299,0.008194651455,0.1009451821,0.0005081431591,0.03106231987,0.2649001181,0.0579001233,0.03314944729,0.07273434848,0.07404240221,0.0002163745958,0.01570094936,0.04242045432,0.03031083196,0.1147432029,0.02613841929,0.07521101087,0.04966930673,0.6434977055,0.002091723261,38,0.4971030056,0.252400279,1.89039731,2.204813242,1.20761764,340.2715149,396.8663635,217.37117,306.2350464,386.0245972,339.7654114,0.8469323516,2.063306808,0.01084155124,0.08238566667,0.520321548,0.3864512742 +Peru,PER,Latin America and Caribbean,LCN,2005,enaho,Female,14314620,0.2999197245,0.1869172156,0.07966841012,0.7172196507,0.6204118729,0.3979468942,0.3306877613,0.06725911796,5891634,0.6832683682,0.6832683682,0.2544105947,0.6491507292,0.1766199768,0.9500669837,0.04993300512,0.910461545,0.08953846246,0.3483155668,0.6245295405,0.02715487964,0.2552970946,0.09301847965,0.3972640634,0.2764051259,0.2670522928,0.07583540678,0.3021213114,0.09170109034,0.606177628,0.6978787184,0.6787306666,0.001671119011,0.08698822558,0.001231632894,0.001810110989,0.3385936618,0.01486374065,0.02649297006,0.02024923079,0.2059780061,0.003065623809,0.07179306448,0.04171256721,0.04534482211,0.2059991658,0.05117032677,0.06137305126,0.007389768492,0.5109456182,0.0012059859,38,0.5026409626,0.2680067718,2.338627815,2.684209824,1.493954778,420.9530029,483.1577759,268.9118652,266.5784302,394.7606812,457.8799438,,2.058218241,0.1214483753,0.1849110872,0.3790953159,0.3145452142 +Peru,PER,Latin America and Caribbean,LCN,2005,enaho,Higher education,15050069,0.1662946492,0.2997404337,0.03356263787,0.8316028118,0.8001427054,0.3979468942,0.3306877613,0.06725911796,8711021,0.7410795689,0.6406065226,0.2057904601,0.6943933368,0.1686247438,0.9370024204,0.06299754977,0.8949475288,0.105052501,0.5204302669,0.4266127348,0.05295697972,0.3423118293,0.1781184524,0.4733377397,0.3476130664,0.3422522843,0.1119070202,0.1803217679,0.1712133735,0.6484648585,0.8761542439,0.7140559554,0.01052896213,0.1157572046,0.003845019266,0.04108218849,0.2861462831,0.07891355455,0.05527447909,0.04944520071,0.1786853373,0.007459577639,0.09136775136,0.07662002742,0.0580329597,0.1488043517,0.05834848434,0.1009605154,0.08236180991,0.3632210791,0.01282346901,38,0.373098433,0.3570249379,2.798399925,3.211923122,1.787665009,503.7119751,578.1461792,321.7796936,364.3080444,499.0927429,549.4081421,0.8355016112,2.058218241,0,0,0.411591202,0.5884087682 +Peru,PER,Latin America and Caribbean,LCN,2005,enaho,Lower education,13129822,0.4680144191,0.07130165398,0.1220069826,0.5694602728,0.4099785984,0.3979468942,0.3306877613,0.06725911796,4260522,0.8275821209,0.7606990337,0.197025165,0.8135439157,0.227500692,0.9830370545,0.01696294546,0.9761433601,0.02385665104,0.2144785523,0.740114212,0.04540725797,0.1884727031,0.02600584365,0.1564272046,0.1276191473,0.1212514862,0.01253363304,0.6076961756,0.09531783313,0.2969860137,0.4416031539,0.3085748553,0.006276366767,0.06606313586,0.001053184271,0.02192514203,0.1901063174,0.0252620969,0.004903717432,0.009823432192,0.06689044833,0.0004854054714,0.0003149285913,0.007538469043,0.002732405439,0.1024095714,0.2602781057,0.062813811,0.03234763071,0.5310797095,0,38,0.4702786207,0.2364090234,1.811055899,2.078677893,1.15693295,325.9900818,374.1620178,208.2479553,295.0645752,432.9087524,332.9351807,0.8355016112,2.058218241,0.2051517814,0.4026456773,0.3922025263,0 +Peru,PER,Latin America and Caribbean,LCN,2005,enaho,Male,13865271,0.314054817,0.1998982131,0.06971569359,0.7014551163,0.6162294745,0.3979468942,0.3306877613,0.06725911796,7079909,0.8550682068,,0.1564791203,0.8155924082,0.1985126138,0.9538331628,0.04616683722,0.9108688831,0.08913110942,0.4733405113,0.4569981098,0.06966139376,0.3190250993,0.154315412,0.4290278554,0.3292223811,0.3260135353,0.08016132563,0.3444230855,0.1900487393,0.4655281901,,0.5903728604,0.01523355674,0.108782813,0.00427969452,0.06175266951,0.183109805,0.09872824699,0.04789078981,0.04907159135,0.08672774583,0.006775455084,0.05111822113,0.06270335615,0.03425014392,0.07263293862,0.1895340085,0.1101079956,0.1134722456,0.3449079096,0.01449774113,38,0.3259826303,0.3537668884,2.699152708,3.098009825,1.724264145,485.8475037,557.6417847,310.3675537,339.8120728,513.1849365,563.3743896,,2.058218241,0.04248724505,0.1401062012,0.4298776984,0.3875288665 +Peru,PER,Latin America and Caribbean,LCN,2005,enaho,Old worker,11977857,0,0,0,0.7527685165,1,0.3979468942,0.3306877613,0.06725911796,9617259,0.8270754814,0.7272462249,,0.7994299531,0.2057339698,0.9665743709,0.03342563659,,,0.4033349156,0.5326446295,0.06402044743,0.2464446276,0.1568902731,0.5014720559,0.3970035613,0.3889826536,0.09663511068,0.3104822934,0.1493310481,0.5401866436,0.7040436268,,0.0102070868,0.09881316125,0.003451775294,0.03685902804,0.2510743439,0.06086170673,0.03984209523,0.04332711175,0.145081386,0.006687216461,0.07413433492,0.05847976357,0.04057140648,0.1333985329,0.1589342207,0.08981312066,0.0737689659,0.3533308506,0.01088158693,38,0.3725533783,0.3361548483,2.984974146,3.426067591,1.906851768,537.2953491,616.6921997,343.2333069,330.0623169,545.0474854,609.0441284,0.8355016112,2.058218241,0.1085481048,0.2061339319,0.355995506,0.3293224275 +Peru,PER,Latin America and Caribbean,LCN,2005,enaho,Rural,8187299,0.3839021921,0.1759491116,0.07845395803,0,0.5376438498,0.3979468942,0.3306877613,0.06725911796,3906958,0.8900148869,0.8406938314,0.1118101627,0.885851562,0.2594881654,0.9953221679,0.004677808378,0.9913182855,0.008681734093,0.1994804442,0.7607099414,0.03980963305,0.1727351397,0.02674530819,0.2390464246,0.1427481174,0.134074837,0.03310867399,0.7830370069,0.06315276027,0.153810218,0.2528981864,0.2289814502,0.008319013752,0.04063382,0.0009319352685,0.01326799113,0.0817194581,0.0122339651,0.004144591745,0.01486210525,0.040850088,0.00321497093,0.01320910268,0.007644235156,0.004990122747,0.05534445867,0.3085839748,0.04471283406,0.01556542795,0.5461397767,0.0005950602354,38,0.5183895826,0.1631863415,1.80648756,2.073434591,1.154014707,325.1677856,373.2182312,207.7226563,290.9691772,393.2058105,398.8435974,0.8355016112,2.058218241,0.1359837055,0.2830712497,0.4382352829,0.1427097619 +Peru,PER,Latin America and Caribbean,LCN,2005,enaho,Total,28179891,0.3068745732,0.1933042258,0.07477140427,0.7094630599,0.6183540374,0.6171965483,0.4962764932,0.1209200551,12971543,0.7444150246,0.6832683682,0.2043867707,0.7087743457,0.1885905117,0.9521225691,0.04787741974,0.9106870294,0.08931294829,0.416677177,0.5329260826,0.05039674789,0.6963245222,0.3036754778,0.4167859852,0.309212029,0.3036755025,0.07820036262,0.3252512217,0.1454759836,0.5292727947,0.6978787184,0.6298052669,0.009086838923,0.09890515357,0.002898263512,0.03458572924,0.2535776198,0.06071949005,0.03819295019,0.03600882739,0.1407739073,0.005094295833,0.06048730016,0.05319109932,0.03927784413,0.1330696195,0.126832664,0.08802310377,0.0653995648,0.4201501012,0.008474405855,38,0.407676667,0.3141078949,2.572932243,2.953137636,1.643632412,463.1278076,531.5647583,295.8538513,324.1877747,487.4985657,512.1143188,0.8355016112,2.058218241,0.0831380114,0.1631726474,0.4037339091,0.3499554098 +Peru,PER,Latin America and Caribbean,LCN,2005,enaho,Urban,19992592,0.2753304839,0.2004114389,0.0732633397,1,0.6514061689,0.3979468942,0.3306877613,0.06725911796,9064585,0.724419713,0.6309398413,0.2389373779,0.6762479544,0.1560090482,0.9335029721,0.06649703532,0.8687808514,0.1312191188,0.5164912939,0.4282465577,0.05526212603,0.3440978527,0.172393471,0.4490414858,0.3387578726,0.3337780535,0.09892812371,0.114872843,0.1833081543,0.7018190026,0.9087420702,0.8675063252,0.00943969842,0.1256841123,0.003801902058,0.04438243061,0.3325561285,0.08300132304,0.05384008959,0.04572694004,0.1866945326,0.005958073307,0.0822173655,0.07412540913,0.05503721163,0.1687937528,0.04329587519,0.1079294309,0.08830439299,0.3622425497,0.01209592074,38,0.3516083658,0.3905390203,2.740798712,3.145810127,1.75086832,493.3437805,566.2458496,315.156311,369.4465332,493.2622375,525.1277466,0.8355016112,2.058218241,0.05925140157,0.1089776829,0.3881390691,0.4436318576 +Peru,PER,Latin America and Caribbean,LCN,2005,enaho,Young worker,5447292,0,1,0,0.7355478406,1,0.3979468942,0.3306877613,0.06725911796,3354284,0.6359282136,0.5802846551,0.2043867707,0.5791315436,0.1364211142,0.9106870294,0.08931294829,0.9106870294,0.08931294829,0.4572791457,0.5337824821,0.008938348852,0.4231200218,0.03415913135,0.1953187585,0.07356899977,0.07470082492,0.02211148292,0.3701947331,0.1337445825,0.4960606694,0.6787306666,0.6298052669,0.005677802488,0.09918509424,0.001213865937,0.02766782977,0.2611952722,0.0602867119,0.03317442164,0.01373848785,0.127665773,0.0002474872454,0.01896321774,0.03709918633,0.03534189612,0.1320688128,0.02915668115,0.0825766027,0.03993383422,0.6234622598,0.001150029944,38,0.5121475458,0.2485313565,1.873188376,2.149991751,1.196624279,337.1739197,386.9985352,215.3923798,306.6757813,386.0385742,336.3366089,0.8355016112,2.058218241,0.03233123571,0.07727277279,0.4991855025,0.3912104964 +Peru,PER,Latin America and Caribbean,LCN,2006,enaho,Female,14417799,0.2916190028,0.1882802695,0.07862579823,0.7233569026,0.629755199,0.3914350569,0.3225643039,0.06887076795,6324515,0.7014344931,0.7014344931,0.23299101,0.666811347,0.179726541,0.9506395459,0.04936046526,0.9105728865,0.08942708373,0.3658900261,0.6070026755,0.02710727602,0.259349376,0.1065406576,0.4159351885,,0.2911821902,0.07880367339,0.2847493291,0.09545511007,0.6197955608,0.7152506709,0.701941967,0.001900593052,0.08989104629,0.0009392359061,0.002724233316,0.3473950326,0.01633708365,0.02773116156,0.02278782241,0.2055444717,0.00230110297,0.07258994877,0.04215268046,0.04896650836,0.2095692009,0.04858013615,0.06584148854,0.006047402043,0.502723217,0.001228308305,39,0.4890683889,0.2696838677,2.659594536,2.992684841,1.698993802,478.7270203,538.6832886,305.8188782,276.5185852,445.7503967,519.107605,,2.045122862,0.1044279486,0.1796212494,0.3887871504,0.3271636665 +Peru,PER,Latin America and Caribbean,LCN,2006,enaho,Higher education,15690060,0.1604424715,0.3034870625,0.03425914422,0.8352712989,0.805298388,0.3914350569,0.3225643039,0.06887076795,9516172,0.756526351,0.6613524556,0.1827884316,0.7153568268,0.1748028249,0.9455808401,0.05441915244,0.9087362885,0.09126374125,0.5352287292,0.4161082506,0.04866302758,0.3376816213,0.197547093,0.4917166233,,0.3690890968,0.1107962504,0.1729578078,0.1776017994,0.6494404078,0.8740147948,0.73004812,0.01279417984,0.1182015315,0.003155259183,0.04345082492,0.2820238471,0.08406545222,0.06081241742,0.0471142903,0.1754243821,0.005140375812,0.09230405092,0.08472968638,0.06034810096,0.151735723,0.05508803204,0.09527882934,0.08870024234,0.3552999794,0.01137499791,39,0.3659780025,0.3562527299,3.056390762,3.439176083,1.952473879,550.1503296,619.0516968,351.445282,377.2445679,568.1759644,579.090332,0.8617686033,2.045122862,0,0,0.4116380811,0.5883619189 +Peru,PER,Latin America and Caribbean,LCN,2006,enaho,Lower education,12817685,0.4742158055,0.06023653969,0.1259633899,0.569337368,0.3998208046,0.3914350569,0.3225643039,0.06887076795,4259697,0.8431283832,0.7809478045,0.1783267111,0.8295045495,0.2261134088,0.9838413596,0.01615866087,0.9812529683,0.01874705963,0.2262329608,0.7221326232,0.05163443461,0.201939404,0.0242935475,0.1407650113,,0.1073828861,0.01397706382,0.5971004367,0.1019877493,0.3009117842,0.4622676075,0.3141344488,0.004030908924,0.07021794468,0.0006542800693,0.02708461694,0.197416231,0.02483973466,0.003800885053,0.01216550451,0.06268943101,0.0005500056432,0,0.005761338864,0.002342952415,0.1014926285,0.2561341822,0.06769412011,0.03332270682,0.5327020884,0,39,0.4553505778,0.2340045273,1.93674612,2.17930603,1.237226009,348.6143188,392.2750854,222.7006989,314.0570984,449.3625183,363.487854,0.8617686033,2.045122862,0.1761395633,0.4073254168,0.4165349901,0 +Peru,PER,Latin America and Caribbean,LCN,2006,enaho,Male,14089946,0.3116546273,0.2000884861,0.07228387892,0.707868576,0.6160615087,0.3914350569,0.3225643039,0.06887076795,7451354,0.8649802208,,0.13342686,0.8331138492,0.2006404698,0.9631594419,0.03684055433,0.9284827709,0.07151723653,0.4966548085,0.4348888993,0.06845629215,0.3240380585,0.1726167351,0.4435882568,,0.3475587666,0.08106086403,0.3269805908,0.2022651434,0.4707542658,,0.6234750748,0.01680293307,0.113898702,0.003551283386,0.06801222265,0.1778537184,0.1062198356,0.05523446202,0.04708547145,0.08436077833,0.004838422872,0.05491734669,0.07428469509,0.03601011261,0.07394358516,0.1779450774,0.1038321927,0.1256062835,0.3353892565,0.01323303021,39,0.3149346113,0.3563889861,2.894437075,3.256939173,1.849015117,520.9986572,586.2490845,332.8227234,364.6222229,568.1759644,585.4173584,,2.045122862,0.02886930667,0.1336551905,0.4402863979,0.3971891105 +Peru,PER,Latin America and Caribbean,LCN,2006,enaho,Old worker,12226134,0,0,0,0.7577171922,1,0.3914350569,0.3225643039,0.06887076795,10207623,0.8400286436,0.7485553622,,0.8150826693,0.2080914378,0.9703034759,0.02969653159,,,0.4208271503,0.515815556,0.06335731596,0.2478895485,0.1729375869,0.5253999829,,0.4109468758,0.09897700697,0.2963416874,0.1581321955,0.5455260873,0.7194514275,,0.01102550235,0.1030998901,0.00289918948,0.04110760987,0.2498679459,0.06473618001,0.04561546445,0.04294677451,0.1423597485,0.004902787507,0.07769986242,0.06568501145,0.04435660318,0.133597374,0.1498385221,0.08901177347,0.07960562408,0.3453967273,0.009905735031,39,0.3603089452,0.3402895629,3.208398581,3.610221624,2.049579144,577.5117188,649.8398438,368.9242249,364.5339966,598.9162598,642.4985962,0.8617686033,2.045122862,0.09402672201,0.2019846886,0.3708208799,0.333167702 +Peru,PER,Latin America and Caribbean,LCN,2006,enaho,Rural,8104701,0.3792649508,0.1764267385,0.07881894708,0,0.541916132,0.3914350569,0.3225643039,0.06887076795,3961328,0.9034023285,0.860057056,0.1095050275,0.899050355,0.2660392821,0.995182693,0.004817323759,0.9903649092,0.009635096416,0.1958673298,0.756270349,0.04786232114,0.1680981219,0.02776920237,0.2217784822,,0.1417755783,0.03385177627,0.7834769487,0.06396178156,0.1525612921,0.2533403635,0.2314591259,0.007221012376,0.04298210889,0.0004170212778,0.0133416364,0.0833324641,0.01326300111,0.002686540363,0.01446942054,0.03880986571,0.002425267827,0.01607561111,0.006051120814,0.004189490806,0.05547879264,0.3077596724,0.04296536744,0.01456834842,0.5500241518,0.0004621731932,39,0.5214168429,0.1552949995,1.862040639,2.095244408,1.189502954,335.1673279,377.1439819,214.1105347,305.4640808,372.0473328,422.7489014,0.8617686033,2.045122862,0.1269167811,0.2754974663,0.4441872239,0.1533985287 +Peru,PER,Latin America and Caribbean,LCN,2006,enaho,Total,28507745,0.3015215993,0.1941164732,0.07549130917,0.7157017589,0.6229870915,0.6051696955,0.4839933337,0.1211763617,13775869,0.7756701713,0.7014344931,0.1821919978,0.7426355636,0.1911067814,0.9574115276,0.04258845747,0.9205318093,0.07946817577,0.4370451868,0.5133476257,0.04960719123,0.6739565698,0.3260433961,0.4328739345,,0.326043427,0.0800319165,0.3077293038,0.1535754055,0.5386952758,0.7152506709,0.6579329967,0.01000964735,0.1029547229,0.002360572107,0.0382504575,0.2551397383,0.06524645537,0.04269698262,0.0360093005,0.1396028101,0.003681747476,0.06297367066,0.05963683128,0.04191647843,0.1357705593,0.1189721227,0.08651355654,0.07110356539,0.4116709828,0.00776049681,39,0.3950372338,0.316504091,2.797808647,3.148208857,1.787287235,503.6055603,566.6776123,321.7117004,343.3161011,547.1327515,555.3428345,0.8617686033,2.045122862,0.06812281162,0.1575350314,0.4135319889,0.3608101606 +Peru,PER,Latin America and Caribbean,LCN,2006,enaho,Urban,20403044,0.2706396282,0.2011433691,0.07416947186,1,0.6551908851,0.3914350569,0.3225643039,0.06887076795,9814541,0.7409368157,0.6521473527,0.207777217,0.6980857849,0.1591608077,0.9421664476,0.05783357471,0.8864545822,0.1135454103,0.5398665667,0.4097823501,0.05035108328,0.348459512,0.1914070696,0.466160953,,0.3545451462,0.09971989691,0.1049037799,0.1917803884,0.7033158541,0.9172609448,0.8904390931,0.01119852625,0.128522858,0.003189166309,0.04886983708,0.3283863664,0.08740856498,0.05975463614,0.04519239813,0.1825738698,0.004217441659,0.08296843618,0.08248285204,0.05800120533,0.1700025797,0.03848343715,0.1050801277,0.09520709515,0.3526847363,0.01087210327,39,0.3388569355,0.3881673515,3.012145281,3.389389277,1.924209118,542.1861572,610.0900879,346.3576355,384.3965454,567.4143066,561.8579712,0.8617686033,2.045122862,0.04165447876,0.104429774,0.3997313976,0.4541843534 +Peru,PER,Latin America and Caribbean,LCN,2006,enaho,Young worker,5533823,0,1,0,0.7416097522,1,0.3914350569,0.3225643039,0.06887076795,3568246,0.6511986256,0.5902463794,0.1821919978,0.5994490385,0.139891997,0.9205318093,0.07946817577,0.9205318093,0.07946817577,0.4859484136,0.5059058666,0.008145684376,0.4352458119,0.05070259422,0.1967369467,,0.1043374017,0.02290570363,0.3420670033,0.1398350596,0.5180979371,0.701941967,0.6579329967,0.006946482696,0.1025170162,0.0007364483317,0.02963511832,0.2710361183,0.06678511202,0.03389671445,0.01509034075,0.131289646,0,0.01857043244,0.04140002653,0.03455888107,0.1423232853,0.02590203471,0.07898081094,0.04546769336,0.6115047932,0.001292057335,39,0.4970085323,0.2466637641,2.062821627,2.321171522,1.317765236,371.3078918,417.8108826,237.1977386,319.4466553,407.4125061,377.9403687,0.8617686033,2.045122862,0.01656924002,0.06907201558,0.4985350072,0.4158237576 +Peru,PER,Latin America and Caribbean,LCN,2007,enaho,Female,14692322,0.2920684814,0.1848613918,0.07950567454,0.7284501195,0.6284258366,0.3933621347,0.3222559392,0.0711062029,6712250,0.7285025716,0.7285025716,0.213044405,0.6943514943,0.2170021832,0.9531215429,0.04687846825,0.9150328636,0.08496713638,0.3823564947,0.5878620148,0.02978152782,0.2590888143,0.1232676655,0.4510655105,,0.3223893642,0.08453339338,0.2515128255,0.1059486493,0.6425385475,0.7484871745,0.7460182309,0.002054210985,0.1012795419,0.0004375085118,0.002177382354,0.3501878083,0.01819888502,0.03260384127,0.0228417255,0.2187062651,0.002476870082,0.0821159184,0.05503275618,0.04971575364,0.2093899399,0.048520457,0.06884904951,0.008881000802,0.4744286537,0.0005895970389,39,0.4862655103,0.269541353,2.781471014,3.075088978,1.776850581,500.6647949,553.5159912,319.8330994,279.6275024,457.5045166,542.4118652,,1.949853182,0.0828576833,0.1920972914,0.3906874955,0.3343575299 +Peru,PER,Latin America and Caribbean,LCN,2007,enaho,Higher education,16244600,0.161360696,0.2872548401,0.03254416957,0.8350773454,0.8060951233,0.3933621347,0.3222559392,0.0711062029,10251873,0.7852048278,0.6974294186,0.1636057645,0.7434110641,0.2115713507,0.9467734098,0.0532265678,0.9024847746,0.09751524776,0.5411797166,0.4027385116,0.05608177558,0.321683526,0.2194961756,0.5223395228,,0.4055883288,0.1194581687,0.150411889,0.1909365952,0.6586515307,0.8937042356,0.765882194,0.01302188169,0.1285979897,0.002514372114,0.04680234939,0.2731525898,0.0862160176,0.06132986397,0.05073952302,0.1872135103,0.005419834051,0.09681718051,0.0948799625,0.06083615869,0.1496987343,0.05461250991,0.1011285484,0.0877206251,0.3361684978,0.01271795202,39,0.3615539968,0.3502651453,3.350361824,3.704033136,2.140267611,603.0650635,666.7260132,385.2481079,382.0002441,602.0600586,642.4173584,0.830330193,1.949853182,0,0,0.4100445807,0.5899554491 +Peru,PER,Latin America and Caribbean,LCN,2007,enaho,Lower education,12585143,0.4848362803,0.05736692995,0.1299277246,0.5738610029,0.3852359951,0.3933621347,0.3222559392,0.0711062029,4134698,0.8531697989,0.7952598929,0.1709871292,0.8405662775,0.2607411742,0.9852274656,0.01477254182,0.9784544706,0.02154551819,0.2331951559,0.7216663361,0.04513849691,0.2085266709,0.02466848865,0.137205407,,0.1057847366,0.01333581097,0.5635719895,0.1150034219,0.3214246035,0.4875719547,0.3828296065,0.007773924619,0.07529105246,0.0002442546247,0.03169418499,0.2103012651,0.03217410296,0.003550161142,0.01180694904,0.06359212101,0.0004774625413,0.00001792018702,0.007078965195,0.001540890662,0.1090421304,0.2447890341,0.0729098767,0.04092504457,0.5232186913,0,39,0.4558153749,0.2595416009,2.038402081,2.253580093,1.302165627,366.912384,405.6444092,234.3898163,325.432312,476.8774109,387.1694031,0.830330193,1.949853182,0.1416205913,0.4464920461,0.4118873775,0 +Peru,PER,Latin America and Caribbean,LCN,2007,enaho,Male,14137421,0.3134807944,0.1890209019,0.07043031603,0.7133547068,0.6160888672,0.3933621347,0.3222559392,0.0711062029,7674321,0.8832409978,,0.1153939217,0.8496239781,0.2339974791,0.9619390368,0.0380609557,0.9142652154,0.0857347846,0.5088689327,0.4182956219,0.07283545285,0.3134878278,0.19538109,0.4696302116,,0.3839517236,0.0911648795,0.2907833159,0.2226878852,0.486528784,,0.6612075567,0.01963079162,0.1228572056,0.003061541356,0.07713835686,0.171710059,0.1153399572,0.05434076861,0.05343277752,0.09170522541,0.005242996383,0.0561423935,0.08096253872,0.03775336593,0.07553423196,0.164834097,0.1135311574,0.1302221864,0.3195663393,0.01621068642,39,0.3056751788,0.3697906435,3.260678291,3.604882479,2.082976103,586.9220581,648.8788452,374.9356995,365.2330933,612.6451416,667.1613159,,1.949853182,0.02017598972,0.1392022669,0.4326524734,0.4079692662 +Peru,PER,Latin America and Caribbean,LCN,2007,enaho,Old worker,12554632,0,0,0,0.7624977231,1,0.3933621347,0.3222559392,0.0711062029,10799618,0.8619663715,0.7768591642,,0.8379822373,0.2411357313,0.9721751213,0.0278248731,,,0.4351674318,0.4982601404,0.0665724352,0.2411438227,0.1940235943,0.5483617187,,0.4458596408,0.1085692868,0.2641064227,0.1703837067,0.5655098557,0.7492545247,,0.01295546629,0.1108863428,0.002128368942,0.04441353306,0.2447669953,0.06996376812,0.04610833898,0.04660524055,0.1580655277,0.005149098113,0.08426439762,0.07613361627,0.04423551634,0.1329659969,0.1353835315,0.09379205108,0.08074571937,0.3360494971,0.01128056459,39,0.3547256887,0.3446085453,3.542376757,3.916317701,2.262929916,637.6278076,704.9371948,407.3273926,361.0269165,646.3635254,701.3439941,0.830330193,1.949853182,0.07376529276,0.2124995887,0.3659078479,0.3478272855 +Peru,PER,Latin America and Caribbean,LCN,2007,enaho,Rural,8042123,0.3774698675,0.1720190048,0.07974411547,0,0.5427860022,0.3933621347,0.3222559392,0.0711062029,3954353,0.9063567519,0.8654657006,0.0968253538,0.9009750485,0.3027365804,0.9940622449,0.00593776023,0.9889684319,0.01103157364,0.2227154076,0.7358566523,0.04142794758,0.1948829144,0.02783249505,0.2216878235,,0.1249688715,0.0313301906,0.7462001443,0.0827055499,0.1710943133,0.2840093374,0.2899907827,0.01101816352,0.05044095963,0.0006222536322,0.02062417194,0.09321440756,0.01643171906,0.004327283241,0.01659580506,0.04052509367,0.002283971058,0.01229548734,0.008894462138,0.00494953664,0.05971879512,0.3007810116,0.04933637008,0.02120241523,0.5400787592,0.0004591855395,39,0.5227791071,0.1777850538,1.889930129,2.089435101,1.20731914,340.187439,376.0983276,217.3174591,300.8971863,398.611084,398.3873901,0.830330193,1.949853182,0.1078711823,0.2818017006,0.4419777989,0.1683493108 +Peru,PER,Latin America and Caribbean,LCN,2007,enaho,Total,28829743,0.3025685549,0.1869011074,0.07505533099,0.7210476995,0.6223760992,0.6067454813,0.4861506656,0.1205948157,14386571,0.801795503,0.7285025716,0.1645968854,0.7679798773,0.2261070311,0.9578251243,0.04217488691,0.9146200418,0.08537998796,0.4501326978,0.4970206022,0.05284670368,0.6403264657,0.3596735343,0.4621736109,,0.3596735299,0.08808606118,0.2725511193,0.1684890836,0.5589597821,0.7484871745,0.7004235983,0.01147046965,0.112839289,0.001843275269,0.04233604297,0.2545723617,0.07024003565,0.04424891248,0.03923019767,0.1506683081,0.003958760295,0.06820118427,0.0689240545,0.043307174,0.1376797408,0.1108328775,0.09278649092,0.07388681918,0.3914646506,0.008958245628,39,0.3897704482,0.3231076896,3.093752861,3.420336008,1.976341367,556.8754883,615.6605225,355.7414246,348.799408,582.3435059,605.6844482,0.830330193,1.949853182,0.05291618034,0.166830644,0.4107331336,0.3695200384 +Peru,PER,Latin America and Caribbean,LCN,2007,enaho,Urban,20787620,0.2735914588,0.1926585585,0.07324138284,1,0.6531671882,0.3933621347,0.3222559392,0.0711062029,10432218,0.7704926729,0.6867181063,0.1880626529,0.7274139524,0.1955229491,0.9440893531,0.05591064319,0.8803763986,0.1196236238,0.5408985615,0.4016973078,0.05740411207,0.3254889548,0.2154096514,0.5025225878,,0.3982440531,0.1107382476,0.083510153,0.2027266622,0.7137631774,0.9382370114,0.9127794504,0.01165099256,0.1377434731,0.002330604708,0.05100160092,0.3189729154,0.09171580523,0.06018227711,0.04826394469,0.1946282387,0.004627195653,0.09051404893,0.09288283437,0.05861632153,0.1687952131,0.0350215137,0.110128127,0.09491401166,0.3321503699,0.01235035714,39,0.3355460465,0.3823522329,3.344778061,3.697860003,2.13670063,602.0600586,665.6148071,384.6061096,432.5003052,604.8862305,625.0646973,0.830330193,1.949853182,0.02781580202,0.1143182814,0.3964623213,0.4614036083 +Peru,PER,Latin America and Caribbean,LCN,2007,enaho,Young worker,5388311,0,1,0,0.7432594299,1,0.3933621347,0.3222559392,0.0711062029,3586953,0.6675221324,0.6123023033,0.1645968854,0.6105291247,0.1780111492,0.9146200418,0.08537998796,0.9146200418,0.08537998796,0.4980255663,0.4930537641,0.008920660242,0.4389262795,0.05909929425,0.2266080976,,0.1186671928,0.02253422141,0.2995764017,0.1624257565,0.5379978418,0.7460182309,0.7004235983,0.006718080491,0.1190892532,0.0009308991721,0.03568751737,0.2859521806,0.0711241737,0.03829824179,0.0156280715,0.126995191,0.0001493584132,0.01679459214,0.04585151002,0.04033622146,0.1527650058,0.03226416185,0.08956841379,0.05193649232,0.5688080788,0.001526199165,39,0.4997299612,0.2556447387,2.248040438,2.485348463,1.436086059,404.6472778,447.3627319,258.4954834,322.8627014,456.4075012,416.4193115,0.830330193,1.949853182,0.00933409296,0.07136623561,0.5044339895,0.4148656726 +Peru,PER,Latin America and Caribbean,LCN,2008,enaho,Female,15460060,0.2881323099,0.1872072369,0.08049690723,0.6609455347,0.6313707829,0.3847334087,0.3119804263,0.07275298983,6544369,0.6874887347,0.6874887347,0.2447438985,0.6529867053,0.2522751093,0.9498144388,0.05018558726,0.8991012573,0.100898765,0.4000493288,0.5717621446,0.02818851359,0.8238381147,0.1761618853,0.2881844044,,0.1789436042,0.08301655203,0.2600621879,0.1098080799,0.6301296949,0.7399377823,0.7682855725,0.002129687229,0.103799656,0.0009636521572,0.002915087854,0.3462533951,0.01830858551,0.03232787549,0.02202242799,0.2112174183,0.002542979782,0.07962308824,0.05149618536,0.05667835101,0.2103871405,0.06140008569,0.07399609685,0.009664191864,0.4529334009,0.001278488082,40,0.4636114538,0.2820134163,3.002604246,3.138004541,1.918114185,540.46875,564.8408203,345.2605286,331.59375,566.6489258,570.28125,,1.829078436,0.1308576167,0.1808254719,0.3741686642,0.3141482472 +Peru,PER,Latin America and Caribbean,LCN,2008,enaho,Higher education,16406069,0.1610870361,0.2964596152,0.03016804345,0.7830821872,0.8087449074,0.3847334087,0.3119804263,0.07275298983,9987831,0.7547577024,0.6604548097,0.1816152483,0.711481452,0.2305165827,0.9426620007,0.05733797327,0.8955325484,0.1044674665,0.5612831116,0.3837831914,0.05493370444,0.670404911,0.329595089,0.4507946074,,0.3345746398,0.1164244786,0.1599593312,0.1931726187,0.6468680501,0.8961279392,0.77485466,0.01370578445,0.1256052405,0.00384731032,0.05001429096,0.2601851523,0.09360510111,0.06321981549,0.05007058382,0.1797873825,0.007652985398,0.09642279893,0.08896216005,0.07097848505,0.1439060569,0.068125844,0.1022882387,0.09912365675,0.3118151426,0.01072463114,40,0.3372725546,0.3665267229,3.609601498,3.772373915,2.305874109,649.7282715,679.0273438,415.057373,465.3348083,688.515625,675.078125,0.8221206665,1.829078436,0,0,0.4141148627,0.5858851671 +Peru,PER,Latin America and Caribbean,LCN,2008,enaho,Lower education,13960872,0.457192719,0.06637471914,0.1317694932,0.4940518141,0.4110378027,0.3847334087,0.3119804263,0.07275298983,4326337,0.8169836402,0.7418475747,0.2271335125,0.8081359863,0.3080196083,0.9891703129,0.01082971599,0.9768188596,0.02318112552,0.2334454358,0.7179372311,0.04861731082,0.9403802156,0.05961980298,0.07875557989,,0.06100151315,0.01468587387,0.5925784707,0.1138644293,0.2935571074,0.4765847027,0.3662184775,0.008594961837,0.07504362613,0.0003727084841,0.02985313162,0.188645646,0.02733740769,0.003222818486,0.01296394598,0.06138730794,0.0005252969568,0.0004563634284,0.0049428856,0.00281716208,0.1025583893,0.2881106734,0.07272488624,0.03842075169,0.4894436002,0,40,0.4520843327,0.256860584,2.386959791,2.494597912,1.524830103,429.652771,449.0276489,274.4694214,376.6145935,546.796875,430.5994873,0.8221206665,1.829078436,0.237754792,0.3897239864,0.3725212514,0 +Peru,PER,Latin America and Caribbean,LCN,2008,enaho,Male,14906881,0.3066416681,0.1942828298,0.07312522084,0.6390630007,0.6202331185,0.3847334087,0.3119804263,0.07275298983,7769799,0.8624079823,,0.1310976148,0.8300971389,0.2567809522,0.9625341892,0.03746583313,0.9159523249,0.08404767513,0.507696569,0.4187547565,0.07354863733,0.6973646879,0.3026353419,0.4218159914,,0.307382822,0.0859747082,0.3243133128,0.217079252,0.4586074352,,0.6551523209,0.02040275186,0.1147964671,0.004255821463,0.07762421668,0.1477127671,0.1182680652,0.05456405133,0.05214959383,0.08591295779,0.007821549661,0.05547169596,0.07202430815,0.04386058077,0.06499006599,0.199596405,0.1088864803,0.1387424767,0.2961674929,0.0124389315,40,0.2979515493,0.3738805652,3.560019732,3.720556259,2.274200439,640.8035278,669.7001343,409.3560791,439.6874695,688.515625,714.8250122,,1.829078436,0.05897560343,0.1333793849,0.4223870635,0.3852579594 +Peru,PER,Latin America and Caribbean,LCN,2008,enaho,Old worker,13216385,0,0,0,0.6943323016,1,0.3847334087,0.3119804263,0.07275298983,10874057,0.841804266,0.7450613379,,0.8182298541,0.2704484761,0.9719953537,0.02800463513,,,0.4248937964,0.5092407465,0.06586544216,0.7089846134,0.2910154164,0.4431521893,,0.2955326438,0.1010135934,0.29523471,0.1644297838,0.540335536,0.7318429351,,0.01241672691,0.1053399444,0.003200614359,0.04347249866,0.2349650711,0.07088629156,0.04529102519,0.04393580928,0.1452573091,0.007019231562,0.07875853777,0.06558094919,0.04913149774,0.1288686097,0.1677538604,0.09042178094,0.08533688635,0.3181880414,0.008940603584,40,0.3574981391,0.3418718874,3.797308922,3.968545675,2.425784826,683.515625,714.3381958,436.6412964,425.8928833,730.312439,737,0.8221206665,1.829078436,0.1204682961,0.20134224,0.3534500301,0.3247394264 +Peru,PER,Latin America and Caribbean,LCN,2008,enaho,Rural,10622247,0.3610290885,0.1779875755,0.08066626638,0,0.5583046675,0.3847334087,0.3119804263,0.07275298983,4772158,0.8298731446,0.7560136914,0.1626776606,0.8212571144,0.3571606278,0.9896177053,0.0103823049,0.9731249213,0.0268750526,0.2485283613,0.6997847557,0.05168686435,0.9328020215,0.06719798595,0.1185973436,,0.06953439862,0.04002563283,0.7164793611,0.08715219796,0.1963684559,0.3308396637,0.3609902859,0.01392767392,0.05100440234,0.0004861716297,0.0217339471,0.09928403795,0.0235600546,0.00480877934,0.02265102416,0.04606455192,0.002762242686,0.01539550535,0.00849085208,0.00724090822,0.06392817944,0.3314362764,0.05542250723,0.02811622061,0.486394614,0.0008126858738,40,0.4973167777,0.200769335,2.308680534,2.412788868,1.474823952,415.5625,434.3019714,265.4683228,375.7030945,493.0219727,458.4375,0.8221206665,1.829078436,0.1524561346,0.2492819279,0.4255909324,0.17267102 +Peru,PER,Latin America and Caribbean,LCN,2008,enaho,Total,30366941,0.2972184122,0.1906805784,0.07687820494,0.6502035856,0.6259033829,0.5976906777,0.4748630864,0.1228275914,14314168,0.753108875,0.6874887347,0.1877415478,0.7205133761,0.2547357678,0.9567187428,0.04328124598,0.9084299803,0.09157001227,0.4588359594,0.4882041812,0.05295987055,0.7547703981,0.2452295721,0.3583921194,,0.2490848005,0.08463197947,0.2951500118,0.1683893204,0.5364606977,0.7399377823,0.7051364779,0.01210868545,0.1098050624,0.002761519747,0.04371405765,0.2378295213,0.07289687544,0.04447114468,0.03847499937,0.1427881271,0.005425629206,0.06643390656,0.06270667911,0.04967851192,0.1309851855,0.1368696839,0.09304988384,0.08015439659,0.367322892,0.007373253349,40,0.3733451962,0.3320707977,3.331974745,3.482227802,2.128521681,599.7554932,626.8009644,383.1339111,413.9062805,658.4375,638.6950684,0.8221206665,1.829078436,0.09646552801,0.1581248045,0.3972388506,0.3481708169 +Peru,PER,Latin America and Caribbean,LCN,2008,enaho,Urban,19744694,0.262889564,0.1975091696,0.07484030724,1,0.6622701287,0.3847334087,0.3119804263,0.07275298983,9542010,0.7467415929,0.6586564183,0.1998075843,0.7021352649,0.2008223087,0.9402652979,0.05973468721,0.8714378476,0.1285621822,0.5695357919,0.3768342733,0.05362994596,0.6610597372,0.338940233,0.4683339894,,0.3435949385,0.1081115603,0.07337443531,0.2111501992,0.7154753804,0.9498076439,0.9248791933,0.01115122251,0.1407560259,0.003959197085,0.05528375506,0.3107558489,0.09886635095,0.06534826756,0.04680428281,0.1937006116,0.006827558856,0.09329904616,0.09124432504,0.07201644033,0.1662820429,0.03445544839,0.1128558442,0.1075457782,0.3046469688,0.01082654577,40,0.3079134822,0.4013712108,3.658179045,3.823142052,2.336906433,658.472229,688.1655884,420.643158,512.7380981,691.666687,663.359436,0.8221206665,1.829078436,0.06052077934,0.09960391372,0.3790374398,0.4608378708 +Peru,PER,Latin America and Caribbean,LCN,2008,enaho,Young worker,5790386,0,1,0,0.6734884381,1,0.3847334087,0.3119804263,0.07275298983,3440111,0.6130900979,0.5490994453,0.1877415478,0.5569494367,0.2015932351,0.9084299803,0.09157001227,0.9084299803,0.09157001227,0.5736331344,0.4170554578,0.009311381727,0.9096246362,0.09037534893,0.1781768948,,0.09199161828,0.02923234366,0.2948635221,0.1817810684,0.5233554244,0.7682855725,0.7051364779,0.01106684562,0.1249067262,0.001276439172,0.04453105479,0.2475175261,0.0796969682,0.04169818386,0.02000576071,0.1344369799,0.00003583885336,0.0247502476,0.05298550427,0.05152859166,0.1381437331,0.03241496161,0.101938501,0.06262647361,0.53350389,0.00207225373,40,0.4258543551,0.2995949686,2.620833158,2.739017725,1.674232364,471.7499695,493.0231934,301.3618164,393.75,547.430542,464.6739197,0.8221206665,1.829078436,0.04671415314,0.06854651868,0.488001436,0.3967378736 +Peru,PER,Latin America and Caribbean,LCN,2009,enaho,Female,15090614,0.278560698,0.1801862419,0.08327202499,0.7405044436,0.6381672621,0.3815227747,0.3059169352,0.07560583204,7063361,0.7343477011,0.7343477011,0.2059342265,0.7040079236,0.2412539721,0.9586846828,0.04131531715,0.9280821681,0.07191785425,0.386315465,0.5846412182,0.02904333733,0.2437122166,0.1426032484,0.474848628,,0.3691367805,0.08531890064,0.2430151999,0.1042401567,0.6527446508,0.7569847703,0.7624731064,0.001841022051,0.09783925861,0.0006670861621,0.003892788198,0.3529419005,0.02270470746,0.0365543142,0.02482913435,0.2157145888,0.004910407122,0.08575159311,0.05128142238,0.05843061209,0.2368644327,0.05005703121,0.06469521672,0.009920349345,0.4369256794,0.001163251582,38,0.4972315729,0.2564848065,3.339120388,3.390152931,2.133086443,601.041687,610.227478,383.9555359,365.78125,558.831543,631.250061,,1.717524767,0.09643057734,0.1795945615,0.3904028535,0.3335720301 +Peru,PER,Latin America and Caribbean,LCN,2009,enaho,Higher education,17081659,0.1485790759,0.2892047465,0.03562827408,0.8419543505,0.8157926798,0.3815227747,0.3059169352,0.07560583204,10992698,0.7892695069,0.7042737603,0.1588415205,0.7504041791,0.2323681414,0.9507578611,0.04924214259,0.9172560573,0.08274393529,0.5453269482,0.4018845856,0.05278845876,0.2988497913,0.2464771718,0.5499102473,,0.4519805312,0.1192577779,0.1458924264,0.1911876947,0.662919879,0.8940678835,0.7767052054,0.01237884723,0.1213824823,0.002756415866,0.05466995016,0.2769430876,0.08865755051,0.06472739577,0.0539210625,0.178670764,0.00845131278,0.1039756015,0.08806873113,0.0712358579,0.1640520841,0.05259843916,0.09329865128,0.09660223126,0.3110060692,0.01071101148,38,0.3702715039,0.3373377621,3.998214245,4.059319973,2.554126501,719.6785889,730.6776123,459.7427979,513.2386475,734.4375,749.999939,0.8213359714,1.717524767,0,0,0.4090295732,0.590970397 +Peru,PER,Latin America and Caribbean,LCN,2009,enaho,Lower education,12563470,0.4721474349,0.05215573311,0.140151009,0.5839138627,0.387701571,0.3815227747,0.3059169352,0.07560583204,4149586,0.8558195829,0.802436173,0.1783919036,0.8434640765,0.2935531735,0.9855629206,0.01443710271,0.9712532759,0.02874670736,0.2314465791,0.7206714153,0.0478820093,0.2009727955,0.03047379293,0.1677104682,,0.1316666305,0.0131807439,0.5554676652,0.1174811348,0.3270511627,0.4955258369,0.3913227916,0.007774695288,0.0755719617,0.0005751064164,0.03355936706,0.2077024132,0.03411760181,0.005106025375,0.01172806229,0.06839707494,0.0002234894782,0.0002107745386,0.005797278136,0.001865428057,0.1364882588,0.247735396,0.0711293146,0.04322687536,0.4933231771,0,38,0.4718543291,0.2457441837,2.698437452,2.739678144,1.723807335,485.71875,493.1420898,310.2853088,425.9375,609.765625,474,0.8213359714,1.717524767,0.1703393459,0.4215832055,0.4080774486,0 +Peru,PER,Latin America and Caribbean,LCN,2009,enaho,Male,14554515,0.2931141853,0.1976179183,0.07645373046,0.7244002223,0.6304320693,0.3815227747,0.3059169352,0.07560583204,8078923,0.8821899891,,0.1187040806,0.8484060168,0.2568298876,0.961704433,0.03829557449,0.9217113256,0.07828865945,0.5186950564,0.4104040563,0.07090088725,0.2953850925,0.2233099937,0.5075793862,,0.4305226803,0.09300105274,0.2768541276,0.2281707227,0.4949751496,,0.6892160177,0.01913999021,0.1177868024,0.003429187462,0.08781474829,0.1742504835,0.1174312681,0.0578966327,0.05706610903,0.08833067119,0.007206479087,0.06523967534,0.07682517916,0.04588150606,0.08608365059,0.1575283259,0.1065586135,0.1440544128,0.2972277999,0.01339436509,38,0.3130390346,0.3595046401,3.993228912,4.054258347,2.550941944,718.781189,729.7664795,459.1695251,487.96875,747.96875,787.2618408,,1.717524767,0.02596918121,0.1274537593,0.4282318652,0.4183452129 +Peru,PER,Latin America and Caribbean,LCN,2009,enaho,Old worker,13210615,0,0,0,0.7718349099,1,0.3815227747,0.3059169352,0.07560583204,11370352,0.8618161082,0.7794525623,,0.8378177285,0.2666963041,0.9721537232,0.02784627862,,,0.4395249486,0.4962134063,0.06426165998,0.2223643064,0.2171606272,0.578145802,,0.4940803349,0.1083556414,0.2557620704,0.1708033383,0.5734345913,0.7553420663,,0.0117533179,0.107124567,0.002630152972,0.04929530621,0.2492134273,0.07142141461,0.04882795364,0.04887065291,0.1551011354,0.007946096361,0.09127561748,0.0696940273,0.05201267079,0.1535002142,0.1338497549,0.08694621921,0.0876493305,0.3079767525,0.009149310179,38,0.3652493954,0.3305430412,4.1875,4.251498222,2.67504549,753.75,765.2697144,481.5081787,486.1250305,784.444458,804.9671631,0.8213359714,1.717524767,0.0874215439,0.1978094578,0.3648584187,0.3499105573 +Peru,PER,Latin America and Caribbean,LCN,2009,enaho,Rural,7927168,0.3531437814,0.1775547117,0.08906471729,0,0.5577915311,0.3815227747,0.3059169352,0.07560583204,4037968,0.9134733677,0.8811469078,0.09704374522,0.908628881,0.3432258964,0.9946966171,0.005303409882,0.9894572496,0.0105427308,0.2290919572,0.7277911901,0.04311682284,0.1928561628,0.03623579815,0.2487906814,,0.1581714004,0.03500837833,0.7332630157,0.08445487916,0.1822821051,0.2961067557,0.3235475421,0.01222249027,0.04762854427,0.0005682099727,0.02403563075,0.09882122278,0.01918468066,0.004133590497,0.01902532391,0.04111728817,0.002553682309,0.01346751768,0.008038982749,0.006286485121,0.07155613601,0.2992625833,0.04823489115,0.02550420724,0.5242676735,0.0008278242312,38,0.5482369661,0.1670813859,2.603732586,2.643526077,1.663308263,468.671875,475.8346863,299.3954773,420.833313,546.75,504.5564575,0.8213359714,1.717524767,0.1234571263,0.2611303926,0.4393202066,0.1760922819 +Peru,PER,Latin America and Caribbean,LCN,2009,enaho,Total,29645129,0.2857058644,0.1887444705,0.07992453128,0.7325979471,0.6343696266,0.5763680674,0.4503775913,0.1259904761,15142284,0.8051849743,0.7343477011,0.1610979438,0.7732157461,0.2495764345,0.9602957964,0.03970418125,0.9245505929,0.07544939965,0.4570480883,0.4915434122,0.05140852183,0.5936397059,0.4063602941,0.4945275187,,0.4063602984,0.08942359686,0.2610952556,0.1704559624,0.568448782,0.7569847703,0.7219944,0.0110838199,0.10849718,0.002142870566,0.04873209447,0.2574675083,0.07331688702,0.04795746505,0.04205327481,0.1476536542,0.006137236487,0.0747917369,0.06492987275,0.05172541738,0.156299755,0.1074807271,0.0870635286,0.0815904066,0.3622827828,0.007698538247,38,0.3990235925,0.3114130199,3.724999905,3.78192997,2.379592657,670.5,680.7473755,428.3266907,468.7500305,722.1875,713.1875,0.8213359714,1.717524767,0.06238540635,0.1544014364,0.4086808562,0.3745322824 +Peru,PER,Latin America and Caribbean,LCN,2009,enaho,Urban,21717961,0.2610906661,0.1928287894,0.0765883103,1,0.6623210311,0.3815227747,0.3059169352,0.07560583204,11104316,0.7735019326,0.6916962862,0.1826845855,0.7331145406,0.2138362825,0.9477863312,0.05221366137,0.8952612281,0.1047387421,0.544044733,0.4013823271,0.0545729436,0.3012673557,0.2427773625,0.5346499681,,0.4462452233,0.1101904958,0.08090397716,0.2032761723,0.7158198357,0.9363740683,0.9207068086,0.0106492741,0.1317262053,0.002743801102,0.05815689638,0.318010956,0.09397511929,0.06468177587,0.05084132776,0.188310653,0.007504856214,0.09819536656,0.08664158732,0.06906662136,0.188641116,0.03428954631,0.1018819958,0.1029950157,0.3004632294,0.01032066159,38,0.3417513072,0.3668115735,4.014880657,4.076241016,2.564773321,722.6785278,733.7233887,461.6592102,536.388916,746.0491333,735.5625,0.8213359714,1.717524767,0.03529500216,0.1070582494,0.3950897753,0.462556988 +Peru,PER,Latin America and Caribbean,LCN,2009,enaho,Young worker,5595354,0,1,0,0.7484509349,1,0.3815227747,0.3059169352,0.07560583204,3771932,0.6756251454,0.6195562482,0.1610979438,0.6246496439,0.1953120679,0.9245505929,0.07544939965,0.9245505929,0.07544939965,0.5125907063,0.4767410159,0.0106682973,0.4265013337,0.08608935028,0.2707297802,,0.1679494977,0.02941523865,0.2780056298,0.1693545282,0.552639842,0.7624731064,0.7219944,0.008960982785,0.1128494665,0.0005978004774,0.04694626853,0.2836394012,0.07932703197,0.04519733042,0.02043680102,0.1240392923,0.0004037458857,0.02254324406,0.0498290658,0.05081491917,0.1651733667,0.02389957756,0.08743535727,0.06238562241,0.5344150066,0.003100068774,38,0.5038621426,0.2520314753,2.914496422,2.959039211,1.8618294,524.609375,532.6270752,335.129303,438.75,586.913269,525.15625,0.8213359714,1.717524767,0.00936480891,0.06247355416,0.501486361,0.4266752601 +Peru,PER,Latin America and Caribbean,LCN,2010,enaho,Female,15290730,0.2703206539,0.1808480024,0.08909071237,0.7437394261,0.6405886412,0.3796150088,0.2993583679,0.08025665581,7323726,0.74931705,0.74931705,0.1863533705,0.7197932005,0.2484795004,0.9605990052,0.0394009836,0.9264882803,0.0735116899,0.3855101168,0.5845970511,0.02989283577,0.2487734407,0.136736691,0.463917315,,0.3546902537,0.08390109986,0.2401409596,0.1035772562,0.6562817693,0.7598590255,0.7544255257,0.002804909833,0.09684934467,0.0007038926124,0.003219114617,0.3672311008,0.01783924364,0.0375870429,0.02669987455,0.2069245279,0.003396082902,0.07778738439,0.05050358549,0.06025914848,0.2527399361,0.05159325525,0.06754597276,0.007850420661,0.4271105826,0.001213617739,37,0.5031248927,0.2493003458,3.428075552,3.428075552,2.189912319,617.0535889,617.0535889,394.1842346,406.71875,595.7142944,651.1436768,,1.633835435,0.09463536739,0.1720440835,0.3951084018,0.3382121325 +Peru,PER,Latin America and Caribbean,LCN,2010,enaho,Higher education,17446402,0.1457424909,0.2866614461,0.03727181256,0.8428609371,0.8169857264,0.3796150088,0.2993583679,0.08025665581,11311181,0.7945368886,0.7175199986,0.1515087336,0.7588211894,0.2367108017,0.9550484419,0.04495153949,0.9195315838,0.08046844602,0.5360578299,0.4087170362,0.0552251339,0.2944328189,0.2416250259,0.5358963609,,0.4507443309,0.1131557897,0.1393316835,0.1953428239,0.6653255224,0.8933949471,0.7833333015,0.0132502662,0.1188297272,0.003052192507,0.06021063402,0.2871814072,0.08861605823,0.06409474462,0.05237178132,0.173061505,0.007851907052,0.09489808232,0.09144238383,0.07148982584,0.1722671688,0.04903429002,0.09072052687,0.1010930911,0.3109507859,0.01025194954,37,0.380264461,0.3287494779,4.187066078,4.187066078,2.674768209,753.671875,753.671875,481.4582825,554.8928833,770.3278198,775.7999878,0.8094241619,1.633835435,0,0,0.4069007039,0.5930992961 +Peru,PER,Latin America and Caribbean,LCN,2010,enaho,Lower education,12520119,0.4650168121,0.04834139347,0.1515584588,0.5918626785,0.3834246993,0.3796150088,0.2993583679,0.08025665581,4153047,0.8694162965,0.8239050508,0.1554487944,0.8611139655,0.3041526973,0.9904506207,0.009549374692,0.9797872305,0.02021274343,0.2401696593,0.7112010717,0.04862925783,0.2068788558,0.03329080716,0.1805506796,,0.1386137009,0.01738445275,0.5464315414,0.1226130351,0.330955416,0.4989629686,0.3867434859,0.008373633027,0.07558514178,0.0004818412417,0.03817242756,0.2138796598,0.02951095253,0.008089439012,0.01617595926,0.06329940259,0.0002292514109,0.0006376738311,0.005701139569,0.00286576408,0.1486755013,0.245545283,0.07327488065,0.04370995238,0.4793430567,0.00001750381853,37,0.4847215116,0.24978742,2.827651501,2.827651501,1.806351423,508.9772949,508.9772949,325.14328,445.6944275,628.5877075,520.364563,0.8094241619,1.633835435,0.1742347628,0.4101734459,0.4155918062,0 +Peru,PER,Latin America and Caribbean,LCN,2010,enaho,Male,14675791,0.2883216441,0.1935945451,0.08078113198,0.7320057154,0.6308972239,0.3796150088,0.2993583679,0.08025665581,8140502,0.8810879588,,0.1184412464,0.8529953361,0.2614057958,0.9681159854,0.03188402951,0.927742362,0.07225765288,0.5160126686,0.4095912278,0.07439610362,0.2894940376,0.226518631,0.496404767,,0.438978821,0.08928390592,0.2618232667,0.2392994463,0.4988772869,,0.7097570896,0.020029312,0.1158800647,0.003806901397,0.09958317131,0.1774635017,0.1209477261,0.05852619186,0.05639649928,0.08554336429,0.007850957103,0.06097412109,0.08323577791,0.04569753632,0.08811729401,0.1493170261,0.1023023874,0.1543783396,0.2951480448,0.01297851186,37,0.3250803947,0.3584403098,4.232812405,4.232812405,2.70399189,761.90625,761.90625,486.7185364,525.7366333,788.437561,825.624939,,1.633835435,0.02656777576,0.1178862527,0.4262360632,0.4293099046 +Peru,PER,Latin America and Caribbean,LCN,2010,enaho,Old worker,13447533,0,0,0,0.7782056928,1,0.3796150088,0.2993583679,0.08025665581,11651104,0.8679804206,0.7944618464,,0.8478366733,0.2737802863,0.9767923951,0.02320758626,,,0.4377395511,0.495477885,0.06678256392,0.2218672633,0.2158723027,0.5609647632,,0.4931523502,0.1052169874,0.2459495068,0.1757907867,0.5782597065,0.7614844441,,0.01190822013,0.1065435261,0.002906760667,0.05443228036,0.2598870397,0.07053601742,0.04870645329,0.04886892065,0.150261268,0.00752290478,0.0831771493,0.07165879756,0.05298992619,0.1642646194,0.1280741692,0.08689378947,0.09143990278,0.3055856824,0.008393061347,37,0.3717792332,0.3297435939,4.304166794,4.304166794,2.749574184,774.75,774.75,494.9233398,504.6562195,817.421875,815.6225586,0.8094241619,1.633835435,0.08582212776,0.1884126365,0.3656236827,0.3601415753 +Peru,PER,Latin America and Caribbean,LCN,2010,enaho,Rural,7851439,0.3479042649,0.1806200147,0.09159811586,0,0.5604976416,0.3796150088,0.2993583679,0.08025665581,4020408,0.9137631655,0.8881251812,0.09357634187,0.9089713693,0.3494854867,0.9947559834,0.005243995227,0.9890941978,0.01090578455,0.2335439175,0.7241812348,0.04227488488,0.198343724,0.0352001898,0.2396750003,,0.1507219374,0.03539272398,0.7237364054,0.08892450482,0.1873391122,0.2894414365,0.329531759,0.01272939797,0.04662561789,0.0007663793513,0.02880311012,0.101666905,0.02182018198,0.004493008368,0.02158139274,0.03777762502,0.001697286381,0.01205003355,0.009036025032,0.007407750003,0.07308058441,0.2942461669,0.04549267516,0.02770717628,0.5285741687,0.0007081194781,37,0.5622073412,0.1720199436,2.777777672,2.777777672,1.774491191,499.9999695,499.9999695,319.4083862,450.6250305,600.1339111,545.3571167,0.8094241619,1.633835435,0.1212627217,0.2536453009,0.4466793537,0.1784126163 +Peru,PER,Latin America and Caribbean,LCN,2010,enaho,Total,29966521,0.2791364491,0.1870904863,0.08502118289,0.7379930019,0.6358423829,0.572716827,0.439002584,0.133714243,15464228,0.8116007604,0.74931705,0.151927039,0.7828343658,0.2553091347,0.9645559788,0.03544399515,0.927167356,0.07283266634,0.4544613361,0.4921324551,0.0534062013,0.5947441674,0.4052558326,0.4832267165,,0.4052558243,0.08674511313,0.2515968382,0.1752862781,0.5731168985,0.7598590255,0.7302240133,0.01190544665,0.1069042534,0.002343371743,0.05413320288,0.2669671178,0.07231675833,0.04865027219,0.04239013046,0.1427926272,0.005749822129,0.06890407205,0.06779768318,0.05256550014,0.1657613367,0.1032257453,0.08590957522,0.08526865393,0.3573879898,0.00742961606,37,0.4092045426,0.3068728447,3.922374725,3.922374725,2.505679131,706.0274658,706.0274658,451.0222473,494.5312195,746.5385132,743.1428223,0.8094241619,1.633835435,0.06207764149,0.1461396068,0.4099972248,0.3817855418 +Peru,PER,Latin America and Caribbean,LCN,2010,enaho,Urban,22115082,0.2547220588,0.1893876791,0.08268619329,1,0.6625917554,0.3796150088,0.2993583679,0.08025665581,11443820,0.7831163406,0.7097777128,0.1717543304,0.7470508814,0.2208079696,0.9539462328,0.04605376348,0.8994150758,0.1005849391,0.5353935957,0.4071222842,0.05748412013,0.2966448367,0.2387487739,0.5227825642,,0.4459313154,0.1055578738,0.07863026112,0.2069245875,0.7144451737,0.9358898997,0.9276970625,0.01160359476,0.1289871037,0.002921096981,0.06341278553,0.3275242448,0.09081599116,0.06482712179,0.05001333356,0.181264475,0.007234453224,0.08973234147,0.08932480216,0.06910887361,0.1997145861,0.03324612975,0.1007161513,0.1063560918,0.2946745753,0.009892011061,37,0.3528895676,0.3565074801,4.159722328,4.159722328,2.657300711,748.75,748.75,478.3141174,580.2857056,772.0499268,758.3035889,0.8094241619,1.633835435,0.03642201796,0.09953790158,0.3940961957,0.469943881 +Peru,PER,Latin America and Caribbean,LCN,2010,enaho,Young worker,5606451,0,1,0,0.7470543981,1,0.3796150088,0.2993583679,0.08025665581,3813124,0.6821597219,0.6343711615,0.151927039,0.6324762106,0.1958491802,0.927167356,0.07283266634,0.927167356,0.07283266634,0.5082898736,0.4813633859,0.01034676656,0.4261586368,0.08213120699,0.2701783776,,0.1615834087,0.02728287876,0.2697759569,0.1736621857,0.5565618277,0.7544255257,0.7302240133,0.01189651899,0.1080654413,0.0005297838943,0.05317044258,0.2897583842,0.07804907113,0.04846942425,0.02153445594,0.1187505051,0.00004214511137,0.02295805514,0.05536849424,0.05119923875,0.1705793738,0.023236949,0.08274132013,0.06540299207,0.524143219,0.004328218289,37,0.5278935432,0.2343414873,3.130208254,3.130208254,1.999629736,563.4375,563.4375,359.9333496,480.7142944,624.7158203,562.916748,0.8094241619,1.633835435,0.01035897247,0.05406328663,0.5066487789,0.4289289713 +Peru,PER,Latin America and Caribbean,LCN,2011,enaho,Female,15377063,0.2605005801,0.1815483272,0.09521356225,0.7500133514,0.6442858577,0.3777285516,0.2902443409,0.08748421818,7335913,0.7431125045,0.7431125045,0.1980791688,0.7155752778,0.2331647724,0.9629433751,0.03705660254,0.9251900911,0.07480989397,0.3998123407,0.5733448863,0.02684274502,0.2369917333,0.1628206074,0.5048196316,,0.4072425663,0.0925321579,0.2414257228,0.1013442799,0.6572300196,0.7585742474,0.7511268258,0.00225181831,0.09341216832,0.0005008445005,0.005179451313,0.3638630807,0.01929412037,0.04276204109,0.02859527618,0.2027154565,0.004526711069,0.0841056332,0.0519686304,0.06820020825,0.2473207712,0.05176931247,0.06644371897,0.01033044793,0.4134762883,0.001858277479,37,0.5014401674,0.2459093183,3.873333454,3.747033119,2.474350691,697.2000122,674.4659424,445.3831177,512.916687,642.1500244,734.5313721,,1.574328899,0.08910553157,0.1774215102,0.3883176744,0.3451552689 +Peru,PER,Latin America and Caribbean,LCN,2011,enaho,Higher education,17714227,0.1411764175,0.2898707986,0.04100811109,0.8449412584,0.8178154826,0.3777285516,0.2902443409,0.08748421818,11424974,0.7902402282,0.7111050487,0.1547328085,0.7563484311,0.2252668887,0.9571120143,0.04288797453,0.9180151224,0.08198489249,0.5433304906,0.4071398377,0.04952967539,0.2818606794,0.2614698112,0.5619747043,,0.4812352657,0.11857602,0.1460308135,0.190844059,0.6631250978,0.8909556866,0.7709953189,0.01466678455,0.1123884991,0.00222853641,0.06156023964,0.2793170214,0.09041196108,0.06828352809,0.05195683986,0.1731557846,0.007222388405,0.09863049537,0.08834064007,0.07896318287,0.1681486368,0.05177688226,0.0927882269,0.1064439863,0.2964992225,0.01118634269,37,0.3751448393,0.3210639358,4.564200401,4.415372372,2.915688038,821.5560913,794.7670288,524.8238525,604.833374,866.328125,837.9375,0.8240892291,1.574328899,0,0,0.3997953236,0.6002046466 +Peru,PER,Latin America and Caribbean,LCN,2011,enaho,Lower education,12551224,0.4538863301,0.04466576502,0.1629177332,0.5989304185,0.3831959367,0.3777285516,0.2902443409,0.08748421818,4139493,0.8671534061,0.8204737902,0.1737605333,0.8566671014,0.281168431,0.9879072309,0.01209278498,0.9780266881,0.02197328582,0.2314569056,0.7211529016,0.04739016667,0.1957957447,0.03566116095,0.1942631155,,0.1540725678,0.01515319385,0.5530641675,0.1208308712,0.326104939,0.4916311204,0.3872602284,0.00790378172,0.07425402105,0.0004592321347,0.03821383789,0.2104713768,0.03304466233,0.007502503227,0.01387037616,0.06121603772,0.000769299455,0.0004927330883,0.006317009684,0.002994545735,0.144923687,0.250808984,0.06918975711,0.04832843691,0.4759911895,0.0001843775535,37,0.4804107845,0.249940455,3.227777958,3.122527599,2.061959028,581,562.0549927,371.1525879,551.40625,667.0755005,554.3877563,0.8240892291,1.574328899,0.1672807932,0.4197515845,0.4129676223,0 +Peru,PER,Latin America and Caribbean,LCN,2011,enaho,Male,14887584,0.2815179527,0.1950462162,0.08780061454,0.7355895638,0.6306814551,0.3777285516,0.2902443409,0.08748421818,8228554,0.8791773319,,0.1166901365,0.85052073,0.2469763309,0.9674052,0.03259479254,0.9245179296,0.07548204064,0.5104720592,0.4209648669,0.06856310368,0.2774639428,0.2330080867,0.5146069527,,0.4564561248,0.08855442703,0.2704802155,0.2342992425,0.4952205718,,0.7035179138,0.02220958658,0.1096375734,0.002852765378,0.09959931672,0.1689224243,0.1240513921,0.05970670283,0.05312206224,0.08941797167,0.006299294531,0.06109839678,0.07847827673,0.04948282614,0.08594704419,0.1540469527,0.1040450931,0.1618887484,0.2849008143,0.01381253917,37,0.3171169162,0.3512180746,4.615898132,4.465384483,2.948713541,830.8616943,803.7692261,530.7684326,599.2136841,889.0909424,885.375,,1.574328899,0.02746021003,0.1187114939,0.4219094515,0.4319188297 +Peru,PER,Latin America and Caribbean,LCN,2011,enaho,Old worker,13601100,0,0,0,0.7784824967,1,0.3777285516,0.2902443409,0.08748421818,11779792,0.8686247468,0.7937013507,,0.8497828841,0.2592934966,0.9783083797,0.02169163898,,,0.4422263205,0.4964989126,0.06127477437,0.2135616541,0.2286646515,0.5850034356,,0.5170760751,0.1093204096,0.2512899637,0.171786949,0.5769230723,0.760715425,,0.01334271207,0.1006981879,0.001744839479,0.05600120872,0.2525911927,0.07438094169,0.05097529292,0.04829746857,0.1506781876,0.006974357646,0.08555863798,0.06889484823,0.05662710592,0.1593147814,0.131972149,0.08658440411,0.09807370603,0.2961861491,0.009813879617,37,0.3694370985,0.3231917322,4.711070061,4.557453156,3.009510994,847.9926758,820.3415527,541.7119751,603.9204712,921.5195923,887.25,0.8240892291,1.574328899,0.08123497665,0.1939762831,0.3633427322,0.361446023 +Peru,PER,Latin America and Caribbean,LCN,2011,enaho,Rural,7780660,0.3350645006,0.1779762954,0.09973215312,0,0.5652033091,0.3777285516,0.2902443409,0.08748421818,4021317,0.9148417711,0.8886960149,0.09313295782,0.9098211527,0.3262530863,0.9945120215,0.005488003138,0.9880435467,0.01195645798,0.2149999142,0.744782269,0.04021780938,0.1779094487,0.03709047288,0.2606305778,,0.1725138873,0.0328569673,0.7370465398,0.08188914508,0.1810642928,0.2924970388,0.3146776855,0.01259311754,0.04202289879,0.0004215792578,0.02685154788,0.1033171713,0.01933288388,0.004008253571,0.01709871367,0.03730726242,0.002695006551,0.01252935547,0.009265491739,0.008913425729,0.07297921926,0.3020107746,0.04408528656,0.02792499959,0.5192298889,0.0003665689146,37,0.5627391338,0.168208614,3.223437548,3.11832881,2.05918622,580.21875,561.2991943,370.6535034,515.078186,727.499939,617.152771,0.8240892291,1.574328899,0.1142886952,0.2532788515,0.4472398162,0.1851926297 +Peru,PER,Latin America and Caribbean,LCN,2011,enaho,Total,30265451,0.2708586752,0.1881831139,0.09156460315,0.7429193854,0.6375767142,0.5684386998,0.4248252316,0.1436134682,15564467,0.8065933848,0.7431125045,0.1565582752,0.7786063922,0.2404825091,0.9653022289,0.03469775245,0.9248207808,0.0751792416,0.4584428668,0.4926097989,0.04894733056,0.5637234858,0.4362765142,0.5105392933,,0.4362764955,0.09042467922,0.256819576,0.1717874557,0.5713929534,0.7585742474,0.7249740362,0.0128259901,0.102008827,0.001746956492,0.0552056767,0.2605781853,0.07479738444,0.05173978582,0.04159023985,0.1426873505,0.005465807859,0.07191663235,0.06601317227,0.05828393251,0.1618266255,0.10595496,0.08636454493,0.09062448144,0.3453583121,0.008191523142,37,0.4038880169,0.301643461,4.320833206,4.179940701,2.760221004,777.75,752.3893433,496.8397827,581.0357056,829.8701172,804.5703125,0.8240892291,1.574328899,0.05945150182,0.1491794884,0.4044767618,0.3868922591 +Peru,PER,Latin America and Caribbean,LCN,2011,enaho,Urban,22484791,0.2486408204,0.1917151064,0.08873829246,1,0.6626209021,0.3777285516,0.2902443409,0.08748421818,11543150,0.7780703902,0.7022611499,0.1770373583,0.7431555986,0.2093702555,0.9551263452,0.04487362504,0.8975635767,0.1024364159,0.5467489362,0.4011372328,0.05211386085,0.2876447141,0.2591041923,0.5468794107,,0.4738997817,0.1113066748,0.08262296766,0.2043969929,0.712980032,0.9313625693,0.9196963906,0.01291046198,0.1237680092,0.00222772127,0.06549079716,0.317622751,0.0949164778,0.06905382872,0.0504742451,0.1809127182,0.00647099223,0.09346100688,0.08659996092,0.07619445026,0.1940584779,0.03483029455,0.1017025113,0.1133704484,0.2822816074,0.01103024092,37,0.3461046517,0.3501814306,4.495177269,4.348599911,2.871594906,809.131958,782.7479858,516.887146,634.8214111,847.9927368,818.1887817,0.8240892291,1.574328899,0.03597180545,0.1046071574,0.3861668408,0.4732542038 +Peru,PER,Latin America and Caribbean,LCN,2011,enaho,Young worker,5695447,0,1,0,0.7568631768,1,0.3777285516,0.2902443409,0.08748421818,3784675,0.6675117612,0.6138868928,0.1565582752,0.617328763,0.178547129,0.9248207808,0.0751792416,0.9248207808,0.0751792416,0.5118360519,0.4798048437,0.008359080181,0.4061810672,0.105655022,0.302216351,,0.2064235508,0.02820980363,0.2750259638,0.1717891246,0.5531849265,0.7511268258,0.7249740362,0.01112467889,0.1063241363,0.001753926859,0.05258637667,0.2868754566,0.07616853714,0.05425687879,0.01950661466,0.1163774282,0.0004994077608,0.02700487338,0.05652621388,0.06373848766,0.1700960547,0.0203020107,0.08564071357,0.06610038877,0.5072414279,0.002850452438,37,0.5155050159,0.2318295389,3.444010496,3.331709385,2.200091839,619.921875,599.7076416,396.0165405,530.520813,680.4850464,618.125,0.8240892291,1.574328899,0.0114924144,0.05055366084,0.4950385392,0.44291538 +Peru,PER,Latin America and Caribbean,LCN,2012,enaho,Female,15723838,0.2520405054,0.1796733141,0.09953504801,0.7550767064,0.6484244466,0.3715806603,0.2798821926,0.09169846028,7519697,0.7384200692,0.7384200692,0.1847946197,0.7111915946,0.231196329,0.9631260633,0.036873959,0.9166409373,0.08335906267,0.4091785252,0.5618152618,0.02900620364,0.2351370007,0.1740415096,0.5197919607,,0.4253437221,0.09209385514,0.2364923507,0.1025949046,0.6609127522,0.7635076642,0.7535510659,0.002491295803,0.09354226291,0.0006435697433,0.005917776842,0.3719062805,0.01613384299,0.04268713668,0.03080339544,0.1993820816,0.003553510411,0.08848870546,0.05164561048,0.0729848966,0.2563248277,0.05267662182,0.06600256264,0.009168763645,0.3980254531,0.001129043172,37,0.4900811017,0.2412211597,4.259582996,3.975435734,2.721093416,766.7249146,715.5784302,489.7967834,555.234375,735.390625,802.031189,,1.527371049,0.07242120802,0.1800569594,0.3829224408,0.3645993769 +Peru,PER,Latin America and Caribbean,LCN,2012,enaho,Higher education,18400221,0.1305026114,0.2865542769,0.04392398149,0.846806109,0.8255733848,0.3715806603,0.2798821926,0.09169846028,11945832,0.78794384,0.709180057,0.1517559141,0.7568660378,0.2150912583,0.9605583549,0.03944162279,0.9229353666,0.07706460357,0.554579556,0.3926552534,0.05276518315,0.2754135132,0.2791660428,0.5862516761,,0.5033832192,0.120311901,0.1426434219,0.1979677975,0.6593887806,0.8921279907,0.773645401,0.01436782163,0.1181367412,0.002151696011,0.06331153959,0.2824693322,0.08492079377,0.06826453656,0.05587298423,0.1678611338,0.007427965291,0.1021289453,0.08983267099,0.08390565962,0.1718456894,0.05235720053,0.09465652704,0.09981872886,0.2875316441,0.01049497258,37,0.3642295301,0.3151422739,5.032737732,4.697015285,3.21499753,905.8928223,845.4627686,578.699585,678.6207275,949.0178223,929.479126,0.8328508139,1.527371049,0,0,0.3882255852,0.6117744446 +Peru,PER,Latin America and Caribbean,LCN,2012,enaho,Lower education,12412664,0.4527521133,0.04051861912,0.1709024012,0.6016828418,0.3763454854,0.3715806603,0.2798821926,0.09169846028,4024132,0.8616610169,0.8143092394,0.1474261433,0.8532588482,0.2876293659,0.9902487993,0.009751170874,0.9735433459,0.02645662613,0.2306822836,0.7258251905,0.04349252209,0.1934233159,0.03725897893,0.2036716938,,0.1615164131,0.01495347917,0.5595737696,0.117528908,0.3228973448,0.484410584,0.3944242001,0.009072767571,0.06937126815,0.0006175825838,0.03846729174,0.2154971808,0.02845899016,0.006813233718,0.01436124276,0.0577666834,0.0001131774698,0.0004097977944,0.006590893958,0.00279355119,0.1490261257,0.2596466839,0.06442733854,0.04653576389,0.4701708257,0.000285829592,37,0.4894928336,0.2377499491,3.555059433,3.317909479,2.271031857,639.9107056,597.2237549,408.7857361,609.0625,748.6904297,606.750061,0.8328508139,1.527371049,0.1344835162,0.4388590157,0.4266574681,0 +Peru,PER,Latin America and Caribbean,LCN,2012,enaho,Male,15089047,0.2689429522,0.1955360025,0.09042930603,0.7407494187,0.6406277418,0.3715806603,0.2798821926,0.09169846028,8450267,0.8759046197,,0.1193513796,0.8517405987,0.2360738367,0.972412467,0.02758753113,0.9380393624,0.06196061522,0.5256594419,0.4051314592,0.06920907646,0.2711513638,0.2545081079,0.5494232178,,0.4841691852,0.09408337623,0.2621167004,0.2430187166,0.494864583,,0.7127237916,0.02226771042,0.1161650419,0.002736960305,0.1018489972,0.1711634696,0.11816708,0.06100719795,0.05783772841,0.08668911457,0.007295511197,0.06481683999,0.08312091976,0.05419119075,0.08630803972,0.1526159048,0.1052535623,0.153884545,0.2787140012,0.01379950531,37,0.3145056367,0.3424821794,5.129540443,4.787360191,3.276836872,923.3172607,861.7248535,589.8306274,667.6704712,965.78125,985.2000122,,1.527371049,0.01773273386,0.1180790886,0.4211114347,0.4430767596 +Peru,PER,Latin America and Caribbean,LCN,2012,enaho,Old worker,14086577,0,0,0,0.7829430699,1,0.3715806603,0.2798821926,0.09169846028,12149026,0.8635226488,0.7867161036,,0.8466978669,0.2520591319,0.9805161357,0.01948386617,,,0.4530387819,0.4842812121,0.06268000603,0.2064586729,0.2465800941,0.6106410027,,0.5442803502,0.1120764464,0.2444698364,0.1780183613,0.5775117874,0.7662917376,,0.01358988509,0.1046243235,0.001900805859,0.0579033494,0.2541556954,0.06982689351,0.0519294478,0.05155588686,0.150043875,0.006979236379,0.09287019074,0.07023598999,0.06066033617,0.1614919603,0.1305893809,0.08651642501,0.09307008982,0.2881459296,0.009440481663,37,0.3628965914,0.3167364299,5.27458334,4.922727585,3.369492769,949.4250488,886.0909424,606.508728,656,997.0625,985.625061,0.8328508139,1.527371049,0.06334736198,0.1954540759,0.3589853048,0.3822132349 +Peru,PER,Latin America and Caribbean,LCN,2012,enaho,Rural,7762978,0.3203833699,0.1825312376,0.1032173485,0,0.5763992667,0.3715806603,0.2798821926,0.09169846028,4067800,0.9093481898,0.8824384212,0.09247748554,0.9040029645,0.3334080279,0.9941219091,0.005878116004,0.9873889089,0.01261111163,0.2366899848,0.7251836061,0.0381264165,0.1929711699,0.0437188074,0.2823123634,,0.1847091615,0.03853394464,0.7277410626,0.08296123147,0.1892977208,0.2850363255,0.3339213729,0.01381516643,0.03985445574,0.0005113889347,0.02878021635,0.1031106412,0.02023967542,0.005722214468,0.02375609241,0.03646910191,0.002773320535,0.01276444551,0.008216348477,0.01037936471,0.07648058236,0.3063771129,0.04151647165,0.0279911235,0.5132010579,0.0003002060694,37,0.5675426722,0.160014078,3.572172642,3.333880901,2.281964064,642.9910889,600.0985718,410.75354,577.5,765.78125,668.828125,0.8328508139,1.527371049,0.09391964972,0.2614975274,0.4468686283,0.1977141947 +Peru,PER,Latin America and Caribbean,LCN,2012,enaho,Total,30812885,0.2603176236,0.1874412596,0.09507597238,0.7480606437,0.6446064115,0.5513342556,0.4038396438,0.1474946117,15969964,0.804038701,0.7384200692,0.1513786465,0.7783414719,0.2337888479,0.9680398107,0.03196018562,0.9283701777,0.07162979245,0.4710910618,0.4785338938,0.05037504062,0.5397672781,0.4602327535,0.5371958613,,0.4602327347,0.09315122664,0.2501123548,0.1772336811,0.5726539493,0.7635076642,0.7309390903,0.01300295629,0.1055668369,0.001756259473,0.05690763146,0.2652064264,0.07036706805,0.05242471024,0.04517282173,0.1394829452,0.005542333703,0.07590742409,0.06837431341,0.06299629807,0.1659631878,0.1057930067,0.08686394244,0.08608326316,0.3346130252,0.007863224484,37,0.3967789412,0.2950320542,4.750433922,4.433543205,3.03465724,855.078125,798.0378418,546.2382813,643.958313,917.6704712,897.250061,0.8328508139,1.527371049,0.04600123316,0.1501154751,0.4013715386,0.4025117755 +Peru,PER,Latin America and Caribbean,LCN,2012,enaho,Urban,23049907,0.2400880903,0.1890949011,0.09233403951,1,0.6675778627,0.3715806603,0.2798821926,0.09169846028,11902164,0.7749987841,0.6985663176,0.170577392,0.7433212996,0.1984997541,0.9591257572,0.04087424651,0.9023042917,0.09769569337,0.554125309,0.3911606669,0.05471399426,0.2759974301,0.2781279087,0.5764676332,,0.501922369,0.1125019863,0.08091709018,0.2106287777,0.7084541321,0.9381068945,0.9228184223,0.01271523908,0.1288447976,0.002197242575,0.06687149405,0.3226272762,0.0881242007,0.06896860898,0.05275948718,0.1759745777,0.006523338147,0.09827769548,0.08968705684,0.08163739741,0.1976650357,0.03473016247,0.1029296219,0.1066641137,0.2713429332,0.01054264698,37,0.3359824717,0.3431020677,5.022222519,4.6872015,3.208280325,904.000061,843.6962891,577.4904785,722.25,940.416626,919.40625,0.8328508139,1.527371049,0.02542491816,0.1022876874,0.3818349242,0.4904524684 +Peru,PER,Latin America and Caribbean,LCN,2012,enaho,Young worker,5775606,0,1,0,0.7546601892,1,0.3715806603,0.2798821926,0.09169846028,3820938,0.6631473899,0.6122972965,0.1513786465,0.6156463027,0.1724338233,0.9283701777,0.07162979245,0.9283701777,0.07162979245,0.5317140222,0.459233284,0.009052659385,0.4148709774,0.1168430746,0.3304722309,,0.2197479457,0.02960663848,0.2690609097,0.1745985895,0.556340456,0.7535510659,0.7309390903,0.01103194151,0.1087319851,0.001270845416,0.05356382206,0.3023168743,0.07218109071,0.05408789217,0.0237372946,0.1040173396,0.0007174581988,0.01894935407,0.06212314218,0.07084004581,0.1809767932,0.02253100649,0.08803085238,0.06262268126,0.4906416237,0.00256706262,37,0.5086333752,0.2233802378,3.848611116,3.591878891,2.458557606,692.75,646.538208,442.5403748,609.0625,730.500061,694.8579102,0.8328508139,1.527371049,0.006416808348,0.04665133357,0.4980982244,0.4488336444 +Peru,PER,Latin America and Caribbean,LCN,2013,enaho,Female,15829384,0.2462754697,0.1756813079,0.1015885994,0.7598474026,0.6521359086,0.3713805079,0.2746770084,0.09670349956,7567779,0.7342230082,0.7342230082,0.196404025,0.7066960931,0.2215766162,0.9625087976,0.03749118373,0.9328208566,0.06717914343,0.4122143984,0.5601710081,0.02761456743,0.2319796085,0.1802348047,0.5212405324,,0.437235564,0.09038895369,0.2371970266,0.1013261303,0.6614768505,0.7628029585,0.7495924234,0.002336748177,0.09223394096,0.0005440651439,0.006211376283,0.3721828461,0.01798723638,0.04448717833,0.02837128937,0.1984482855,0.003286630381,0.08680968732,0.05011287332,0.07453357428,0.2559683025,0.05428611115,0.06868901104,0.007390936371,0.3975069225,0.001415931387,37,0.487239778,0.2407431453,4.605902672,4.180897713,2.942328215,829.0625,752.5615234,529.6190796,596.171875,747.9807129,866.8527222,,1.606841564,0.08080288768,0.1730404645,0.3932985365,0.3528581262 +Peru,PER,Latin America and Caribbean,LCN,2013,enaho,Higher education,18595584,0.1290279925,0.280947715,0.04675513133,0.8511793613,0.8242168427,0.3713805079,0.2746770084,0.09670349956,12043134,0.7869589329,0.7099791765,0.1621183902,0.7557801604,0.1981346458,0.9603806734,0.03961933777,0.9290624857,0.0709374994,0.5658084154,0.3877592683,0.0464323312,0.276820749,0.2889876366,0.5835260749,,0.5107517838,0.1158810109,0.1413181722,0.1957804263,0.6629014015,0.886995554,0.7725633979,0.01452871319,0.1118584424,0.002389764646,0.06700349599,0.2891162932,0.08470150083,0.07038427144,0.05272586644,0.1659734696,0.006547719706,0.102766104,0.0874671936,0.08664381504,0.1783204526,0.04940998554,0.08961939067,0.103038922,0.2871496975,0.009036719799,37,0.3542822301,0.3062280416,5.30381918,4.814414978,3.38816905,954.6875,866.5947266,609.8704224,741.249939,1008.681824,960.4285889,0.8537712097,1.606841564,0,0,0.3893517852,0.6106482148 +Peru,PER,Latin America and Caribbean,LCN,2013,enaho,Lower education,12619269,0.44764328,0.03631708026,0.1725742519,0.6116234064,0.3797824681,0.3713805079,0.2746770084,0.09670349956,4060220,0.8489733338,0.7954781651,0.1946925074,0.837811172,0.2828220725,0.986852169,0.01314780954,0.9800332785,0.01996669918,0.2318517119,0.7228699327,0.0452783592,0.1923080534,0.03954365849,0.2071919292,,0.17055583,0.01404549275,0.5542905927,0.1237704456,0.3219389617,0.4922604263,0.3768000901,0.0078935083,0.0749623701,0.0007180226967,0.04019654542,0.2137049735,0.03175222874,0.006633661222,0.01221886463,0.05762924626,0.0003828551853,0.0002031578333,0.006836485583,0.003599936841,0.146373719,0.2625809908,0.06896983832,0.04779350385,0.4630358815,0.0002236233559,37,0.4847376347,0.2431827039,3.85185194,3.496426344,2.460627794,693.333374,629.3567505,442.9130249,642.083374,835.1115723,679.125,0.8537712097,1.606841564,0.1548878551,0.4191047847,0.4260073304,0 +Peru,PER,Latin America and Caribbean,LCN,2013,enaho,Male,15385469,0.2697280645,0.1886036098,0.09353728592,0.7486610413,0.6367346644,0.3713805079,0.2746770084,0.09670349956,8535575,0.8728746772,,0.1343719214,0.8476362228,0.2184725404,0.9710858464,0.02891416289,0.9348163605,0.06518363953,0.5393481255,0.3982405961,0.06241126731,0.2753726244,0.2639755309,0.5462854505,,0.4894343913,0.0890552476,0.2566942275,0.2439754605,0.499330312,,0.7193289399,0.02203533985,0.111268416,0.00320360926,0.1074680984,0.1796644032,0.1177330613,0.06232488528,0.05454701558,0.08506093174,0.006432980299,0.06720612198,0.08131152391,0.05714010447,0.09464923292,0.1481757164,0.09802818298,0.1603764147,0.2752071619,0.01147256512,37,0.3008647263,0.3331257403,5.372106552,4.876401424,3.431792021,966.979187,877.7522583,617.7225952,727.34375,1048.977295,995.833374,,1.606841564,0.02387487888,0.1137218401,0.4113490283,0.4510542452 +Peru,PER,Latin America and Caribbean,LCN,2013,enaho,Old worker,14436689,0,0,0,0.7875682712,1,0.3713805079,0.2746770084,0.09670349956,12427274,0.8623050451,0.7829837799,,0.8423512578,0.2367264926,0.9768599272,0.02314007096,,,0.4626932442,0.480386585,0.05692015961,0.2098772377,0.2528160214,0.6045850515,,0.5464009047,0.1069076136,0.242102161,0.1788820028,0.579015851,0.7664012909,,0.01384432241,0.1015709117,0.002156724455,0.06131005287,0.2573281527,0.07141738385,0.0542204231,0.04829400405,0.1477558911,0.00630774349,0.09138722718,0.06878821552,0.06256920099,0.1661180556,0.1277599782,0.08405378461,0.09594757855,0.2890420258,0.00802621711,37,0.3477433622,0.3141284287,5.467447758,4.962944984,3.492697716,984.140564,893.3300781,628.6855469,727.2059326,1054.346558,1018.593872,0.8537712097,1.606841564,0.07217190415,0.1868770123,0.3643279672,0.3766231239 +Peru,PER,Latin America and Caribbean,LCN,2013,enaho,Rural,7668436,0.3178161681,0.1746035367,0.1076537669,0,0.5745300651,0.3713805079,0.2746770084,0.09670349956,3983719,0.9043049216,0.8737773895,0.09656222165,0.897908926,0.3304403424,0.9929271936,0.007072788198,0.9865705967,0.01342940889,0.2274069637,0.7347319722,0.03786104545,0.1797588915,0.04764807224,0.2963667214,,0.2095277756,0.03812902421,0.7229239941,0.09170118719,0.1853747964,0.2872924507,0.3289589882,0.01348740235,0.04714498296,0.0007283450104,0.03034046106,0.100077793,0.01982281543,0.005116617307,0.0220151823,0.03834239766,0.002517314861,0.01350101922,0.009707729332,0.009431145154,0.07342181355,0.3058634996,0.04751776531,0.02815969475,0.5092750192,0.0006049949443,37,0.5672596097,0.1645669639,3.868551731,3.511585236,2.471296072,696.3392944,632.0853271,444.8332825,604.0625,819.666626,728.072876,0.8537712097,1.606841564,0.1095106825,0.2503492236,0.4459955394,0.1941445619 +Peru,PER,Latin America and Caribbean,LCN,2013,enaho,Total,31214853,0.2578350008,0.1820505708,0.09762019664,0.7543337345,0.6445447952,0.5514825348,0.4000265035,0.1514560313,16103354,0.8003905278,0.7342230082,0.164729014,0.7740217278,0.2199244499,0.9670550823,0.03294493631,0.9339089394,0.06609105319,0.4798824489,0.4739821255,0.04613541812,0.5315383305,0.4684616385,0.5361132026,,0.4684616625,0.08967907727,0.2475745827,0.1772525012,0.5751729012,0.7628029585,0.7330746055,0.0128214974,0.1023652107,0.001959630987,0.06010615826,0.269713223,0.07107783109,0.05398145318,0.04230355099,0.138096869,0.004961396568,0.07637493312,0.06671956182,0.06527522951,0.1701000184,0.1042624712,0.08430591226,0.08882334828,0.33240816,0.006768961903,37,0.3880986571,0.2898855209,5.039496422,4.574482441,3.21931529,907.109375,823.4067993,579.4767456,698.611084,986.562561,929.4885864,0.8537712097,1.606841564,0.05339635536,0.1444830298,0.4019884765,0.4001321197 +Peru,PER,Latin America and Caribbean,LCN,2013,enaho,Urban,23546417,0.2383007556,0.1844758838,0.09435252845,1,0.6673467159,0.3713805079,0.2746770084,0.09670349956,12119635,0.7729060054,0.696691215,0.1857752055,0.7408697605,0.1822951436,0.9585508704,0.0414491035,0.9118376374,0.08816234022,0.5658472776,0.3851999938,0.04895273596,0.2807204425,0.2851268053,0.5693587065,,0.5038936138,0.1072312295,0.08572397381,0.2063816637,0.7078943849,0.9301062822,0.9163269401,0.01259476505,0.121167019,0.002378868638,0.07024101168,0.3274719715,0.08852953464,0.07061932981,0.0492114909,0.1720620245,0.005793652497,0.09778469056,0.08613316715,0.08429119736,0.2030207813,0.03561351076,0.09683297575,0.1094804704,0.2721816599,0.0088679092,37,0.3265867829,0.3329115212,5.28211832,4.794716358,3.374306202,950.78125,863.0489502,607.375061,778.625,1010.78125,949.84375,0.8537712097,1.606841564,0.03055914678,0.1013979986,0.3840786517,0.4839642048 +Peru,PER,Latin America and Caribbean,LCN,2013,enaho,Young worker,5682682,0,1,0,0.7643830776,1,0.3713805079,0.2746770084,0.09670349956,3676080,0.6478589773,0.6019903421,0.164729014,0.6050412655,0.1605115384,0.9339089394,0.06609105319,0.9339089394,0.06609105319,0.5406644344,0.4513355792,0.008000002243,0.4149008393,0.1257635951,0.3316650391,,0.2326093316,0.02875806391,0.2669253945,0.1714904606,0.561584115,0.7495924234,0.7330746055,0.009204735979,0.1051738858,0.001262698323,0.05584913492,0.3135074675,0.06987717003,0.05313644186,0.02112099715,0.1039420664,0.000201274408,0.02329773083,0.05940566212,0.07484262437,0.1841786057,0.02118507773,0.08519732952,0.0636350438,0.4857328236,0.002323830966,37,0.5282099247,0.2057156265,4.127604008,3.746733665,2.636782885,742.968689,674.4121094,474.6209106,637.3660889,818.541748,741.875,0.8537712097,1.606841564,0.007840981707,0.0416219756,0.4933647215,0.4571723342 +Peru,PER,Latin America and Caribbean,LCN,2014,enaho,Female,16098535,0.2436641604,0.1721240431,0.1051068306,0.7644553781,0.6512290239,0.3708031476,0.2692659795,0.1015371755,7598698,0.725910306,0.725910306,0.2021190524,0.7024021149,0.2123809457,0.9676154852,0.03238449618,0.9209678173,0.07903218269,0.4155145884,0.5599936247,0.02449182048,0.2253450453,0.190169543,0.5417999625,,0.4576723576,0.09314726293,0.2421173006,0.09607026726,0.6618124247,0.7578827143,0.7391725183,0.001915644156,0.08808468282,0.0007198796375,0.00535006728,0.3724278808,0.01825268194,0.04538016394,0.03274126351,0.1930104345,0.002797426656,0.08993176371,0.05190360546,0.07448232174,0.2583664358,0.05555170029,0.06209748611,0.00850397069,0.3946233988,0.001741878688,37,0.4873978198,0.2249384969,4.949337006,4.352237225,3.161719799,890.8806763,783.40271,569.1095581,658.125,852.4772949,926.187439,,1.613525033,0.0719800368,0.1822385341,0.3848599494,0.3609214723 +Peru,PER,Latin America and Caribbean,LCN,2014,enaho,Higher education,18853134,0.127396062,0.2784801126,0.04967492446,0.8545355797,0.8229290247,0.3708031476,0.2692659795,0.1015371755,12024863,0.7765366435,0.697335124,0.1632318795,0.7466100454,0.1927648783,0.9614614248,0.03853856772,0.9181119204,0.08188804984,0.5629923344,0.3930603862,0.0439472869,0.2642016411,0.2987906635,0.6018178463,,0.5307189226,0.116824314,0.1461503655,0.1914894283,0.6623601913,0.883159399,0.7608490586,0.01317266468,0.107210502,0.002787973965,0.0683182925,0.2871564031,0.08759582043,0.07143105567,0.05442348868,0.1617534459,0.006608414929,0.1023455486,0.08627314121,0.08649542183,0.1784291863,0.0499269478,0.08639869094,0.1055523306,0.2888586521,0.009111662395,37,0.3555178642,0.2946275771,5.737500191,5.045314312,3.665211678,1032.75,908.1566162,659.7380981,786.8972778,1080.694458,1054.4375,0.8455257416,1.613525033,0,0,0.3759958446,0.6240041852 +Peru,PER,Latin America and Caribbean,LCN,2014,enaho,Lower education,12624435,0.4431111515,0.0343230404,0.1763535589,0.6170811653,0.3805352747,0.3708031476,0.2692659795,0.1015371755,4087900,0.8513730168,0.7985776067,0.1899734437,0.8459635377,0.2867134809,0.9936461449,0.00635387376,0.9847536087,0.01524640713,0.2356113791,0.7292841077,0.03510452807,0.1935008168,0.04211056605,0.212423563,,0.1787289083,0.01520953327,0.5594715476,0.1175988913,0.3229295611,0.4899106026,0.3729329109,0.008419897407,0.0662176013,0.0001511598239,0.04281023517,0.2166876048,0.03175390139,0.006293073762,0.01383013837,0.05436484888,0.000216897417,0.0001560873643,0.005538393278,0.002510938328,0.1455440819,0.2658852041,0.06353666633,0.0477088131,0.4689029157,0,37,0.4900618196,0.2273574173,4.023958206,3.538498163,2.570572376,724.3125,636.9296875,462.7030334,677.5908203,895.2271729,671.625,0.8455257416,1.613525033,0.1328447759,0.4410395622,0.4261156619,0 +Peru,PER,Latin America and Caribbean,LCN,2014,enaho,Male,15379034,0.2648545504,0.1893868595,0.09563838691,0.7539070845,0.6395070553,0.3708031476,0.2692659795,0.1015371755,8514065,0.8671038747,,0.130161494,0.8423237801,0.2214663774,0.9714220166,0.02857800573,0.9269644618,0.0730355531,0.5333154798,0.4097843468,0.05690015852,0.2640222609,0.2692932189,0.5577974319,,0.5049417019,0.08796650916,0.2638267279,0.2400270849,0.4961461723,,0.7092747688,0.02084587328,0.1040807664,0.00333149964,0.1117689461,0.1767422557,0.1218161583,0.06259952486,0.0537625961,0.08122564107,0.006856599823,0.06318184733,0.07716740668,0.0559185259,0.09121089429,0.1510137767,0.09677161276,0.1634128392,0.2832791209,0.01118735783,37,0.3045480549,0.3234575391,5.771739006,5.075422287,3.68708396,1038.913086,913.5759888,663.6751709,754.96875,1112.34375,1100.28418,,1.613525033,0.01650100946,0.115376845,0.4017591178,0.4663630128 +Peru,PER,Latin America and Caribbean,LCN,2014,enaho,Old worker,14635302,0,0,0,0.7886828184,1,0.3708031476,0.2692659795,0.1015371755,12515494,0.8562829494,0.7766248584,,0.8414386511,0.2336520851,0.9826642871,0.01733571291,,,0.4623771608,0.4863314033,0.05129141733,0.2032153606,0.2591618001,0.6142070293,,0.5604987144,0.1063689068,0.2471981049,0.1748576611,0.5779442191,0.762637794,,0.01265289541,0.09713852406,0.002293119673,0.06277311593,0.2573922575,0.07149424404,0.05485794321,0.04904554039,0.1451542675,0.006266381592,0.08969841152,0.06693339348,0.06251871586,0.1651267856,0.1292651296,0.08064287901,0.09584954381,0.2956558168,0.008042938076,37,0.3551832736,0.2989578545,5.929036617,5.21374321,3.787568331,1067.226563,938.4737549,681.7623291,743.958374,1125.642822,1119.140625,0.8455257416,1.613525033,0.06075771153,0.1935363859,0.3545708954,0.3911350071 +Peru,PER,Latin America and Caribbean,LCN,2014,enaho,Rural,7576594,0.3046457171,0.1752647758,0.111899361,0,0.5834549069,0.3708031476,0.2692659795,0.1015371755,4013422,0.90809232,0.8762222528,0.09402708709,0.9033443928,0.3310578763,0.9947715402,0.00522845611,0.9849820137,0.01501799002,0.2354243249,0.7350305915,0.02954510413,0.1857388914,0.04968542978,0.2881571651,,0.2110462934,0.03853785619,0.727733016,0.08662776649,0.1856392026,0.2834536135,0.3185591996,0.01153906435,0.04161066562,0.0005352619337,0.03294277936,0.1023730338,0.02038729191,0.004912286531,0.02168073691,0.03628584743,0.002212682972,0.01412595529,0.009263763204,0.009756194428,0.07635885477,0.3086445034,0.04204273224,0.02851866372,0.508186698,0.0008899324457,37,0.5788729191,0.1416291296,4.076822758,3.584985018,2.604342937,733.828064,645.2973022,468.7817383,646.328125,890.71875,756.2233887,0.8455257416,1.613525033,0.09567011148,0.2618941963,0.4417273998,0.2007083148 +Peru,PER,Latin America and Caribbean,LCN,2014,enaho,Total,31477569,0.2540171742,0.1805581599,0.1004808247,0.7593017817,0.6455020159,0.5491818619,0.3935187931,0.1556630688,16112763,0.792996429,0.725910306,0.1652691364,0.7689106247,0.2171906233,0.9696268439,0.03037312627,0.9242675304,0.07573245466,0.477876395,0.4804753363,0.0416482538,0.514400988,0.4855989808,0.5511859655,,0.4855989814,0.0904045701,0.2536099255,0.172278598,0.5741114616,0.7578827143,0.7226728797,0.01193699054,0.09655273706,0.00210242765,0.0616864413,0.268835187,0.07307745516,0.05449580401,0.04386960715,0.1338334382,0.004946279805,0.07577084005,0.06527780741,0.06465498358,0.1698773056,0.1060876027,0.08045334369,0.09050992876,0.3356797695,0.006742144469,37,0.3907537162,0.277010113,5.425653934,4.771090031,3.465999126,976.6176758,858.7962036,623.8798218,733.124939,1057.232178,1009.84375,0.8455257416,1.613525033,0.04515354335,0.149908036,0.3930314183,0.4119069874 +Peru,PER,Latin America and Caribbean,LCN,2014,enaho,Urban,23900975,0.2379679531,0.1822361648,0.09686115384,1,0.665170908,0.3708031476,0.2692659795,0.1015371755,12099341,0.7625393867,0.6857322454,0.1870351136,0.7330186367,0.1781045049,0.9612862468,0.03871376067,0.8982174993,0.1017824709,0.5611006021,0.393096596,0.04580278695,0.2664436102,0.294656992,0.58952564,,0.52514112,0.108209148,0.09086220711,0.2016791403,0.7074586749,0.9263085127,0.9128097296,0.01207358297,0.1154121831,0.002640373539,0.07155300677,0.3259750605,0.09116390347,0.07151586562,0.05148616806,0.1673176587,0.005884950515,0.09693865478,0.08451207727,0.08350629359,0.2019899637,0.03653299809,0.0936428979,0.1117966846,0.2764437795,0.008751695044,37,0.3258265555,0.3237352967,5.680208206,4.994934082,3.628612757,1022.4375,899.0881348,653.1502686,805.9821777,1080.149902,1034.305542,0.8455257416,1.613525033,0.02503323555,0.1053049266,0.3736362457,0.4960255921 +Peru,PER,Latin America and Caribbean,LCN,2014,enaho,Young worker,5683532,0,1,0,0.7663583159,1,0.3708031476,0.2692659795,0.1015371755,3597269,0.6343591213,0.5847465992,0.1652691364,0.5863175392,0.156299904,0.9242675304,0.07573245466,0.9242675304,0.07573245466,0.5352078676,0.4588137865,0.005978334695,0.4034144282,0.1317934543,0.3525962532,,0.2462472171,0.0313552022,0.2773271203,0.1627387106,0.5599341989,0.7391725183,0.7226728797,0.00928887073,0.09438592196,0.001397060114,0.05766685307,0.311162442,0.07893374562,0.05315625668,0.02472390421,0.09195783734,0.00006347621093,0.02425543219,0.05915411189,0.07255661488,0.1874485612,0.02035841532,0.07975228876,0.07075972855,0.4837206006,0.001930759754,37,0.5201565027,0.1971658319,4.327778339,3.805664778,2.764657736,779.000061,685.0196533,497.6383667,691.40625,851.979126,768.750061,0.8455257416,1.613525033,0.005762439221,0.03977277502,0.490121007,0.4643437564 +Peru,PER,Latin America and Caribbean,LCN,2015,enaho,Female,16308313,0.2522372603,0.1643319577,0.1041941643,0.7692550421,0.6435685754,0.3806969821,0.2824749947,0.09822198004,7445435,0.7109848857,0.7109848857,0.2261057496,0.6894590855,0.1916361153,0.9697239995,0.0302760005,0.9366508722,0.06334912777,0.4278089702,0.5485649109,0.02362612076,0.2327952981,0.1950136721,0.5405238867,,0.4558428824,0.09262488782,0.2454812825,0.09377831221,0.6607404351,0.7545187473,0.7362124324,0.002673400799,0.08430894464,0.001100274385,0.005695692729,0.3688780665,0.01778818481,0.04580210894,0.03150629625,0.1967657357,0.003356422065,0.08722388744,0.05433513597,0.06987879425,0.2571128011,0.05499314889,0.06056326628,0.00731974002,0.4034918249,0.00172496459,37,0.4662148952,0.2286995798,4.75882864,4.041037083,3.040019989,856.5891724,727.3866577,547.2036133,664.0988159,854.1279297,891.7470703,,1.628522515,0.06560283899,0.1753923446,0.3853600621,0.3736447692 +Peru,PER,Latin America and Caribbean,LCN,2015,enaho,Higher education,17613221,0.05720577762,0.2880560458,0.05653576925,0.8651458621,0.8862584829,0.3806969821,0.2824749947,0.09822198004,11907633,0.764959991,0.6807949543,0.1877525598,0.7360776663,0.1784364432,0.9622433782,0.03775662184,0.9289648533,0.07103514671,0.5722896457,0.3851618171,0.04254854843,0.2757045329,0.296585083,0.5879588723,,0.5182429552,0.1154714152,0.1531256586,0.1932938695,0.6535804868,0.8786015511,0.7533069253,0.01471839752,0.1052324772,0.002725073136,0.07061792165,0.2755624652,0.09071820974,0.06944127381,0.0520183146,0.1658402234,0.006090506911,0.09857372195,0.0889191106,0.07879813015,0.1714934856,0.05407684296,0.08674777299,0.1105457321,0.2958684564,0.008886245079,37,0.3343027234,0.2947457135,5.488937855,4.661021233,3.506425858,988.0087891,838.9838867,631.1566772,736.0465088,1076.162842,1003.903625,0.8526322246,1.628522515,0,0,0.3710192442,0.6289807558 +Peru,PER,Latin America and Caribbean,LCN,2015,enaho,Lower education,14210568,0.5184060335,0.02791246586,0.1532441229,0.6397706866,0.3283498585,0.3806969821,0.2824749947,0.09822198004,3940506,0.8450216651,0.7916817665,0.2275461257,0.8384242654,0.2696152925,0.992192626,0.007807373069,0.9756644964,0.02433547378,0.2401366234,0.7307315469,0.02913185209,0.2012266219,0.03890999407,0.1901015192,,0.1620327383,0.01454674359,0.5652369261,0.1135249138,0.3212381601,0.4787774682,0.3603561223,0.008857363835,0.06345330924,0.0007425044314,0.04047173634,0.2138374448,0.03642849997,0.006715022959,0.01325279567,0.05100440234,0.0001432319987,0.0001081913069,0.005909598432,0.003287174273,0.1468317211,0.264701426,0.0606812574,0.04506513476,0.473272264,0,37,0.4795255661,0.2294725478,3.864341259,3.28146863,2.468606234,695.5814209,590.6643677,444.3491211,671.5116577,894.4503784,670.3488159,0.8526322246,1.628522515,0.12755768,0.4373777211,0.4350646138,0 +Peru,PER,Latin America and Caribbean,LCN,2015,enaho,Male,15515476,0.2746198773,0.1798378527,0.09501687437,0.7595163584,0.6303632855,0.3806969821,0.2824749947,0.09822198004,8402704,0.8611491919,,0.1564978063,0.8350218534,0.2104923278,0.9696598649,0.03034011461,0.9301503897,0.06984959543,0.5409338474,0.4061878324,0.05287830532,0.2779893577,0.2629444897,0.5352050066,,0.4860936105,0.08728472888,0.2690395415,0.2432005554,0.4877598882,,0.7012464404,0.02257944271,0.1037256196,0.00321351923,0.113681972,0.1632532328,0.1292928755,0.06028929353,0.05159291998,0.08333156258,0.005658873357,0.06136881188,0.07972427458,0.05045743659,0.08377607912,0.1543649733,0.09744168818,0.1705984622,0.2856419086,0.01096748188,37,0.2875966132,0.3217304349,5.552325726,4.714848042,3.546919107,999.4186401,848.6726074,638.4454346,721.7828979,1112.281982,1056.976807,,1.628522515,0.01699214987,0.1111826971,0.3994126916,0.472412467 +Peru,PER,Latin America and Caribbean,LCN,2015,enaho,Old worker,14805657,0,0,0,0.7930373549,1,0.3806969821,0.2824749947,0.09822198004,12590487,0.8514580131,0.7659071088,,0.8337152004,0.2167446613,0.979161799,0.0208381936,,,0.4706815779,0.4819860756,0.04733234271,0.2163494676,0.2543321252,0.5933269262,,0.5403485894,0.1035912186,0.2518197298,0.1762579679,0.5719223022,0.7588301897,,0.01408162341,0.09591013193,0.002360050799,0.06390615553,0.2494430691,0.07575216144,0.05324678868,0.04639578611,0.1470845044,0.005665850826,0.08695686609,0.07178975642,0.05495650694,0.1602018923,0.1284452677,0.08073198795,0.099336043,0.3047215343,0.00719430251,37,0.3374280632,0.3000918329,5.667150974,4.812354088,3.620271444,1020.087158,866.2237549,651.6488647,727.1075439,1120.387573,1067.732544,0.8526322246,1.628522515,0.05546207353,0.1849355847,0.3540298939,0.4055724442 +Peru,PER,Latin America and Caribbean,LCN,2015,enaho,Rural,7494279,0.3187355399,0.1641417444,0.108248435,0,0.5730160475,0.3806969821,0.2824749947,0.09822198004,3843839,0.8956139684,0.8624589443,0.1122804955,0.8916063905,0.3245545328,0.9955253005,0.004474692978,0.9907819033,0.009218120947,0.225127846,0.748778224,0.02609391697,0.1812188178,0.04390902817,0.2734766006,,0.1950404197,0.03610802069,0.7451243997,0.07803139836,0.1768442243,0.2735128105,0.2947877049,0.01157595497,0.03701158985,0.0005882446421,0.02885560878,0.09855306149,0.02032593079,0.004369630944,0.01854787022,0.03504772857,0.001680152258,0.01325697359,0.009174064733,0.008519147523,0.0755051896,0.3219507635,0.03801158071,0.0264802333,0.5049188137,0.0005030786851,37,0.567350328,0.1460863352,3.946624517,3.351340771,2.521170139,710.392395,603.241333,453.8106384,644.6511841,880.7537231,765.1427612,0.8526322246,1.628522515,0.08836597949,0.2531820536,0.4540992975,0.2043526918 +Peru,PER,Latin America and Caribbean,LCN,2015,enaho,Total,31823789,0.2631497383,0.1718917638,0.09971983731,0.7645069957,0.6371304244,0.5695373533,0.4130233438,0.1565140095,15848139,0.7816242793,0.7109848857,0.1906384081,0.7579332668,0.2016333938,0.9696900249,0.03030999377,0.9330824614,0.06691752374,0.4877860844,0.4730787575,0.03913518414,0.5263711338,0.4736288662,0.5374168158,,0.4736288786,0.08979357779,0.2579715252,0.1729997247,0.5690287352,0.7545187473,0.7170783877,0.01322728302,0.0946033746,0.002220684895,0.06294838339,0.2598589063,0.07690628618,0.05348299444,0.04215592146,0.1366246641,0.004577075131,0.07351672649,0.06779528409,0.05958249047,0.1652176976,0.1076754928,0.08011449873,0.09388256818,0.3410132527,0.006624919828,37,0.3715536892,0.2780025601,5.18832159,4.405748367,3.314387083,933.8978882,793.034729,596.5897217,698.0619507,1048.168579,960.348877,0.8526322246,1.628522515,0.04209642112,0.1443428248,0.3921554089,0.4214053452 +Peru,PER,Latin America and Caribbean,LCN,2015,enaho,Urban,24329510,0.2460275143,0.1742790192,0.09709274769,1,0.6568797231,0.3806969821,0.2824749947,0.09822198004,12004300,0.7532014847,0.6719407439,0.2134717852,0.7241410017,0.160877049,0.9614174366,0.03858258948,0.9091842175,0.09081579745,0.5748743415,0.3816664517,0.04345921427,0.2818021476,0.2930721939,0.5721541643,,0.5098021626,0.1075945795,0.09644868225,0.20448789,0.6990634203,0.9195321798,0.9076827765,0.0137748057,0.113698788,0.002761944896,0.07425235212,0.3133422732,0.09566634893,0.06976726651,0.04998352379,0.1703040153,0.005537844729,0.09350197762,0.08723711222,0.0765177384,0.1949709952,0.03661072254,0.09407801181,0.1162366718,0.2866536975,0.008655238897,37,0.3061946034,0.3220376372,5.422722816,4.604794025,3.464126587,976.0900879,828.862915,623.5427856,769.6013184,1070.857422,979.9418945,0.8526322246,1.628522515,0.02432500944,0.1025393829,0.3683637679,0.5047718287 +Peru,PER,Latin America and Caribbean,LCN,2015,enaho,Young worker,5470247,0,1,0,0.7751246095,1,0.3806969821,0.2824749947,0.09822198004,3257652,0.598549664,0.550449729,0.1906384081,0.5584961772,0.1403457224,0.9330824614,0.06691752374,0.9330824614,0.06691752374,0.5571577549,0.4369527698,0.00588947814,0.4206377864,0.1365199685,0.3474354446,,0.2450292856,0.03383543342,0.2829216421,0.159785077,0.5572932959,0.7362124324,0.7170783877,0.009762282483,0.08930347115,0.001655449392,0.05906388164,0.3021030724,0.08158713579,0.05444099382,0.02496004477,0.09420204163,0.0001615626825,0.01901043393,0.0515957512,0.07834310085,0.1855591983,0.02344403043,0.07761030644,0.07176607847,0.4881937504,0.004315796774,37,0.5078520179,0.1897776425,4.19371748,3.561163902,2.679017305,754.8691406,641.0095215,482.223114,648.6503296,860.1018066,750.508667,0.8526322246,1.628522515,0.006315575447,0.03567296267,0.4942203164,0.4637911618 +Paraguay,PRY,Latin America and Caribbean,LCN,1995,eh0,Female,2478932,0.4098587632,0.1711813807,0.05374249816,0.5300468206,0.5363987684,0.467092663,0.4164764881,0.05061615631,854242,1,1,0,0.9876533747,0.01390549913,0.9876533747,0.01234661881,0.9686312079,0.03136881068,0.3581021726,0.6175857186,0.02431210317,0.8875861764,0.112413846,0.5104190707,0.2559204698,0.112413846,0.0703927353,0.3318450451,0.08429586887,0.583859086,0.6681549549,0.6928825974,0,0.08308333904,0.001212523435,0,0.2807471752,0.007713688072,0.0238214042,0.1368029863,0.1347738206,0.06128537282,0.3053187728,0,0,0,0,0,0,0,0.6333958507,42,0.5006289482,0.2447939664,2247.190918,7242.249512,1.021129847,404494.375,1303604.875,183.8033752,272727.25,400000,414473.6875,,2.10282135,0.0552582778,0.3657056391,0.4880816042,0.0909544751 +Paraguay,PRY,Latin America and Caribbean,LCN,1995,eh0,Higher education,1835511,0.4482038021,0.2184111178,0.01215247437,0.660236299,0.5396437049,0.467092663,0.4164764881,0.05061615631,748293,1,1,0,0.9857996702,0.02685493603,0.9857996702,0.01420031954,0.9652848244,0.03471516818,0.576346755,0.3454919457,0.07816128433,0.7245749235,0.2754250765,0.5132863522,0.3908813894,0.2754250765,0.1586203575,0.1271888316,0.1983035654,0.674507618,0.8946193457,0.8101622462,0.0007103476091,0.1411517709,0.01019430161,0.04624715447,0.3077377677,0.05097828805,0.06483955681,0.2137021124,0.0372498706,0.1145381108,0.1308430135,0,0,0,0,0,0,0,0.7546188831,42,0.2596238852,0.3476825356,3125,10071.25293,1.420008779,562500,1812825.5,255.6015778,407792.8438,471000.0313,605172.375,0.9446665645,2.10282135,0,0,0.7052903771,0.2947096229 +Paraguay,PRY,Latin America and Caribbean,LCN,1995,eh0,Lower education,3124887,0.402548641,0.1381013095,0.07078783959,0.4239209294,0.5266635418,0.467092663,0.4164764881,0.05061615631,1297179,1,1,0,0.9962195158,0.006143429317,0.9962195158,0.003780511441,0.989859283,0.01014073007,0.3186651468,0.6603749394,0.02095993422,0.9457576871,0.05424232408,0.1465799212,0.1522912681,0.05424232408,0.01452554576,0.4960422516,0.1692356467,0.3347221017,0.5485194325,0.4769013822,0.002514170716,0.1034895852,0.001733377227,0.06149851903,0.1915652603,0.01993229054,0.00519007165,0.04392641038,0.07410806417,0.4207079113,0.552210629,0,0,0,0,0,0,0,0.02708149701,42,0.332187593,0.3388847113,1797.009766,5791.404785,0.8165662885,323461.75,1042452.875,146.9819183,273681.5625,374999.9688,300000,0.9446665645,2.10282135,0.06440048665,0.5353009105,0.4002985954,0 +Paraguay,PRY,Latin America and Caribbean,LCN,1995,eh0,Male,2481466,0.4290165603,0.1644592285,0.04444389045,0.49270311,0.5265395641,0.467092663,0.4164764881,0.05061615631,1191230,1,,0,0.995816946,0.0135022467,0.995816946,0.0041830712,0.9861142635,0.01388574112,0.4508555233,0.4949980974,0.05414639786,0.8495886326,0.1504113376,0.2967657447,0.2834136784,0.1504113376,0.06439636648,0.3834530115,0.2477232814,0.3688237071,,0.5738998055,0.003180619329,0.1414233297,0.007365245372,0.09575408697,0.2003781646,0.04792846739,0.02903189696,0.08344467729,0.008040484041,0.3053006232,0.2118998617,0,0,0,0,0,0,0,0.48279953,42,0.1671057642,0.4113252759,2400,7734.722656,1.090566754,432000,1392250.125,196.302002,299022.4375,409125.0313,506250,,2.10282135,0.03211147338,0.3619726896,0.508036375,0.09787943214 +Paraguay,PRY,Latin America and Caribbean,LCN,1995,eh0,Old worker,1803839,0,0,0,0.5472118258,1,0.467092663,0.4164764881,0.05061615631,1475024,1,1,,0.9975756407,0.01546843629,0.9975756407,0.002424367238,,,0.3741892278,0.570638597,0.05517218262,0.8475481272,0.1524518728,0.4068906605,0.3425935209,0.1524518728,0.07647636533,0.3557427824,0.1886787713,0.4555784464,0.65924716,,0.001659589703,0.1202944294,0.005557110999,0.06116763875,0.2375707477,0.03512526304,0.02537364513,0.114946641,0.04256215692,0.1641843468,0.2509555817,0,0,0,0,0,0,0,0.5848600864,42,0.2982853055,0.3592685461,2587.694092,8339.623047,1.175855398,465784.9375,1501132.25,211.6539764,282293.9063,450000,532325.625,0.9446665645,2.10282135,0.055055134,0.4169990122,0.4243128598,0.1036329791 +Paraguay,PRY,Latin America and Caribbean,LCN,1995,eh0,Rural,2423822,0.4636970162,0.1536280364,0.04570426419,0,0.4905987382,0.467092663,0.4164764881,0.05061615631,982519,1,1,0,0.9967298508,0.003715896746,0.9967298508,0.003270165762,0.989451468,0.0105485376,0.2365726382,0.7509542704,0.01247311849,0.9535671473,0.04643288255,0.1850503534,0.1766985953,0.04643288255,0.02417732589,0.6744214892,0.1208284199,0.2047501057,0.3717626631,0.3046468794,0.003383008065,0.08529203385,0.001010919921,0.03114246204,0.1145699099,0.01141114254,0.003161422443,0.04545770213,0.03014992177,0.5028854012,0.2503435016,0,0,0,0,0,0,0,0.2467710972,42,0.3804063797,0.2825017571,1932.144897,6226.918457,0.8779720664,347786.0938,1120845.25,158.0349731,301897.6563,383362.0625,364931.2188,0.9446665645,2.10282135,0.06170628592,0.4989697933,0.4187457263,0.02057817392 +Paraguay,PRY,Latin America and Caribbean,LCN,1995,eh0,Total,4960398,0.4194425642,0.167818591,0.04909081757,0.5113654137,0.5314666182,0.8815857211,0.7892171397,0.09236858138,2045472,0.7758915531,1,0,0.7700006895,0.01366984844,0.99240762,0.007592379581,0.9790445566,0.02095546015,0.4123048782,0.5459486246,0.04174651206,0.8653813601,0.134618625,0.3514955342,0.2734890282,0.134618625,0.06688860804,0.3620034456,0.1797987372,0.4581978321,0.6681549549,0.6215017438,0.001858673757,0.1171757653,0.004808018915,0.055956278,0.2337815613,0.03121419251,0.02686628513,0.1056217402,0.06071405113,0.2021334171,0.2513964474,0,0,0,0,0,0,0,0.5464701653,42,0.3057732582,0.3420872688,2343.75,7553.439941,1.065006614,421875,1359619.125,191.7011871,296032.2188,409090.9375,458333.375,0.9446665645,2.10282135,0.04377415776,0.3638535738,0.4979820251,0.09439024329 +Paraguay,PRY,Latin America and Caribbean,LCN,1995,eh0,Urban,2536576,0.3771552742,0.1813783646,0.05232683569,1,0.5705178976,0.467092663,0.4164764881,0.05061615631,1062953,1,1,0,0.9884124994,0.02294800431,0.9884124994,0.01158753037,0.9686077833,0.03139219806,0.5761063099,0.3548612595,0.06903247535,0.7831827402,0.2168172449,0.4190512598,0.3105366528,0.2168172449,0.1067001298,0.07079616189,0.2347654253,0.6944383979,0.920206666,0.9461023808,0.0004378300509,0.1468948275,0.008347325027,0.07908543199,0.3448996544,0.04967277125,0.04896177351,0.1617010981,0.08920311183,0.1567399353,0.2515553832,0,0,0,0,0,0,0,0.5917046666,42,0.2356845289,0.398044616,2500,8057.00293,1.136006951,450000,1450260.5,204.4812622,272727.25,421875,480337.0625,0.9446665645,2.10282135,0.02704202384,0.2377791554,0.5719159245,0.1632628888 +Paraguay,PRY,Latin America and Caribbean,LCN,1995,eh0,Young worker,832447,0,1,0,0.5526838303,1,0.467092663,0.4164764881,0.05061615631,570448,1,1,0,0.9790445566,0.008931160904,0.9790445566,0.02095546015,0.9790445566,0.02095546015,0.5127270818,0.4808986187,0.006374285091,0.9123660922,0.08763388544,0.225621596,0.1406156719,0.08763388544,0.04162802175,0.3784982562,0.1564027518,0.4650990069,0.6928825974,0.6215017438,0.002383194864,0.1089590937,0.002834408311,0.0422260575,0.2237982899,0.02090980299,0.03079889901,0.08105368912,0.1085383222,0.3753007352,0.2534081936,0,0,0,0,0,0,0,0.371291101,42,0.3254239559,0.2969983518,1999.872314,6445.19043,0.9087475538,359977,1160134.25,163.5745544,337500,345025.875,368181.8438,0.9446665645,2.10282135,0.01981973462,0.2510026693,0.6544137001,0.07476389408 +Paraguay,PRY,Latin America and Caribbean,LCN,1997,eih,Female,2710829,0.4053649306,0.180706352,0.05539891869,0.5537508726,0.5392361283,0.4648180306,0.4113433957,0.05347464234,749267,0.5125727057,0.5125727057,0.3267682493,0.4778225422,0.08827866614,0.9322044253,0.06779558957,0.877405405,0.1225945726,0.4916646481,0.4730940461,0.03524131328,0.8710023165,0.1289976686,,0.302970469,0.1289976686,0.09278422594,0.1266793311,0.1039265245,0.7693941593,0.8733206391,0.9218761921,0,0.100521341,0.001881184755,0.001523997751,0.3565276563,0.01243159454,0.03309783712,0.1731106639,0.1942263693,0.4398387074,0.341188848,0,0,0,0,0,0,0.0003346021113,0.2186378539,45,0.3330986202,0.3351038992,2965.087646,8137.498535,1.34734416,533715.8125,1464749.75,242.5219574,259420.3906,614983.25,525000,,2.204932213,0.06484671682,0.3142032623,0.5239552259,0.0969947502 +Paraguay,PRY,Latin America and Caribbean,LCN,1997,eih,Higher education,2218871,0.4182104468,0.2539503276,0.01108626835,0.6780011058,0.5707033277,0.4648180306,0.4113433957,0.05347464234,923175,0.7290236354,0.5929408669,0.09660983831,0.6785488725,0.1020287275,0.9307639599,0.06923606247,0.8700605631,0.1299394667,0.6175467968,0.3026297092,0.07982352376,0.7742459178,0.2257540822,,0.3892980516,0.2257540822,0.1630511433,0.06627892703,0.2019548267,0.7317662239,0.9779885411,0.9039816856,0.0005156386178,0.1480088532,0.01146146003,0.04196886718,0.3354640603,0.05914713815,0.06479374319,0.2196112126,0.05275007337,0.4835020304,0.1446680874,0,0,0,0,0,0,0.000253814942,0.3715760708,45,0.2069188803,0.4006734788,3742.725098,10271.67578,1.700704813,673690.5,1848901.625,306.1268616,372097.9688,559075.625,729842.625,0.9979866743,2.204932213,0,0,0.7318196893,0.2681802809 +Paraguay,PRY,Latin America and Caribbean,LCN,1997,eih,Lower education,3186603,0.4036401808,0.1272270232,0.08147233725,0.4395684004,0.5148875117,0.4648180306,0.4113433957,0.05347464234,1129825,0.688606143,0.4542619288,0.3259369135,0.6595900059,0.04999367148,0.9578624964,0.0421374999,0.9298399687,0.07016005367,0.3727496564,0.5851562023,0.04209414497,0.9580666423,0.04193336517,,0.1623615474,0.04193336517,0.01819228567,0.4217537642,0.1778863519,0.4003598988,0.7792912126,0.5354685187,0.002669237321,0.1096671149,0.00217535696,0.06337463856,0.2155259252,0.02755261958,0.01414362714,0.05111137405,0.09202635288,0.6519188881,0.3096232712,0,0,0,0,0,0,0,0.03845783323,45,0.2269061059,0.3662431538,2357.759277,6470.723633,1.07137239,424396.6875,1164730.25,192.8470459,322834.25,497612.2813,428712.1563,0.9979866743,2.204932213,0.08478602767,0.5049763918,0.4102375507,0 +Paraguay,PRY,Latin America and Caribbean,LCN,1997,eih,Male,2694645,0.4139027596,0.1777751744,0.04974384233,0.5210344791,0.5363534093,0.4648180306,0.4113433957,0.05347464234,1303733,0.9020613432,,0.05533555523,0.8600432277,0.06445106864,0.9534199238,0.04658009112,0.9084166884,0.09158330411,0.4751509428,0.4528228045,0.0720262602,0.8799192309,0.1200807691,,0.2844932675,0.1200807691,0.07641481608,0.3425792754,0.2356234491,0.4217972755,,0.6271969676,0.002681094222,0.1410516053,0.008705465123,0.08318528533,0.2191327661,0.0576431118,0.03829873726,0.09860468656,0.008117964491,0.6446015239,0.1263456792,0,0,0,0,0,0,0,0.2290528119,45,0.1540251672,0.407196939,3083.364014,8462.100586,1.401089191,555005.5,1523178.125,252.1960449,328599.125,507160.1875,664519.875,,2.204932213,0.04028949887,0.3123357296,0.5407265425,0.1066482291 +Paraguay,PRY,Latin America and Caribbean,LCN,1997,eih,Old worker,1938154,0,0,0,0.5803548098,1,0.4648180306,0.4113433957,0.05347464234,1464901,0.7558228374,0.554002285,,0.7294436097,0.08750832826,0.9650986791,0.03490133584,,,0.429990232,0.4922710359,0.0777387321,0.8608334661,0.139166519,,0.3594337404,0.139166519,0.09474286437,0.26362589,0.195182234,0.5411918759,0.8556624651,,0.001597421826,0.1282839626,0.008264826611,0.05703601986,0.270033896,0.04840407893,0.03729906678,0.1347615868,0.05069322884,0.5785247684,0.1878706217,0,0,0,0,0,0,0.0001945075783,0.2334100902,45,0.2179579139,0.3846274018,3483.216064,9559.469727,1.582783103,626978.875,1720704.5,284.9009399,338006.1563,582370.5,705712.625,0.9979866743,2.204932213,0.0676163137,0.378316462,0.4441719353,0.1098953187 +Paraguay,PRY,Latin America and Caribbean,LCN,1997,eih,Rural,2500347,0.4569489658,0.1614891887,0.05627219006,0,0.4867788255,0.4648180306,0.4113433957,0.05347464234,815003,0.6696181893,0.3913195729,0.2683448195,0.6479431987,0.04465637356,0.9676308036,0.03236920759,0.9336559176,0.06634409726,0.3053845763,0.6659108996,0.02870449983,0.9475020766,0.05249790102,,0.1929594427,0.05249790102,0.03672101349,0.5993071198,0.1309272647,0.2697656453,0.6246879101,0.3891614676,0.003733285703,0.08941265196,0.003735908307,0.03404541686,0.1493327469,0.01782326028,0.009552857839,0.05530167371,0.03775509819,0.6676892638,0.2050343901,0,0,0,0,0,0,0,0.1272763461,45,0.2486176044,0.319037497,2492.368652,6840.150879,1.132539272,448626.375,1231227.125,203.8570862,324316.4688,515975.8125,540809.875,0.9979866743,2.204932213,0.07651297748,0.4502414465,0.4405589104,0.0326866582 +Paraguay,PRY,Latin America and Caribbean,LCN,1997,eih,Total,5405474,0.4096210599,0.1792451441,0.05257984623,0.5374416709,0.5377990901,0.8594304353,0.7616618685,0.09776856673,2053000,0.7062120173,0.5125727057,0.1925678998,0.6678484915,0.07302334905,0.945677042,0.05432294309,0.8972995877,0.1027003974,0.4810919464,0.4601156414,0.05879241228,0.8767112494,0.1232887357,,0.2912867665,0.1232887357,0.0823039189,0.265293628,0.1884799451,0.5462264419,0.8733206391,0.7302638888,0.001721343724,0.1265430003,0.006262579933,0.05395301804,0.2683159709,0.04145875573,0.03643697128,0.1252755672,0.0747391358,0.5577908754,0.2174299657,0,0,0,0,0,0,0.0001418569445,0.2246373147,45,0.2181087583,0.3813975751,3017.479736,8281.285156,1.371151209,543146.375,1490631.375,246.8072357,324485.9375,516723.0625,596250,0.9979866743,2.204932213,0.05259864405,0.3132718205,0.5323200226,0.1018094867 +Paraguay,PRY,Latin America and Caribbean,LCN,1997,eih,Urban,2905127,0.3688874841,0.1945271194,0.04940197244,1,0.5817105174,0.4648180306,0.4113433957,0.05347464234,1237997,0.7325673103,0.5942413211,0.1384257674,0.6821845174,0.09242808819,0.9312244058,0.06877560914,0.8731054068,0.1268945783,0.6012865305,0.3193390667,0.07937438786,0.8282859921,0.171713993,,0.3254480958,0.171713993,0.1134854108,0.03672842309,0.2278632075,0.7354083657,0.9875246882,0.9721665978,0.000344572938,0.1519512832,0.007991579361,0.06757577509,0.3497361541,0.05763251334,0.05483375862,0.1731586605,0.1000472903,0.5260380507,0.2210114151,0,0,0,0,0,0,0.0001828435197,0.2527677119,45,0.1972221136,0.4240899086,3198.533691,8778.176758,1.453422666,575736.0625,1580071.75,261.6160889,376380.0625,516723.0625,601623.125,0.9979866743,2.204932213,0.03289210051,0.2004023641,0.6079355478,0.1587699801 +Paraguay,PRY,Latin America and Caribbean,LCN,1997,eih,Young worker,968905,0,1,0,0.5832625628,1,0.4648180306,0.4113433957,0.05347464234,588099,0.6069728136,0.4303745627,0.1925678998,0.544636488,0.03421634436,0.8972995877,0.1027003974,0.8972995877,0.1027003974,0.6179996133,0.3739674687,0.008032958023,0.9192497134,0.08075027168,,0.1642559916,0.08075027168,0.04897849262,0.2697360814,0.1706267297,0.5596371889,0.9218761921,0.7302638888,0.0020514403,0.1219055131,0.0009291013703,0.04574067518,0.2637398541,0.02295817249,0.03414057195,0.1000072211,0.1387913525,0.5019273162,0.2970719039,0,0,0,0,0,0,0,0.2010007799,45,0.218510583,0.3727941215,2377.766602,6525.632324,1.080463767,427998,1174613.875,194.48349,276715.0625,434062.3125,447693.625,0.9979866743,2.204932213,0.02335287258,0.1866023242,0.7039818764,0.08606294543 +Paraguay,PRY,Latin America and Caribbean,LCN,1999,eph,Female,2861028,0.3956668675,0.1858695596,0.05554227531,0.5587484837,0.5487908721,0.4489315152,0.3973050117,0.05162650347,801119,0.5102324486,0.5102324486,0.306270659,0.4708465636,0.08311340958,0.9228079915,0.07719203085,0.8605439067,0.1394560933,0.4898637831,0.4838092327,0.02632700279,0.3606514037,0.1292123795,,0.2786831856,0.2637720704,0.09810504317,0.151691258,0.1104589403,0.7378498316,0.848308742,0.9052206278,0,0.105665423,0.00207298575,0.00272053387,0.308644712,0.0133919036,0.0427243039,0.1915078312,0.1815810651,,,,,,,,,,,45,0.3582469225,0.3117267489,3233.720215,7452.404297,1.469411492,582069.625,1341432.875,264.4940796,338864.7188,597591.5,586266.375,,2.257700443,0.06068742275,0.2996711731,0.5447180271,0.09492336214 +Paraguay,PRY,Latin America and Caribbean,LCN,1999,eph,Higher education,2347895,0.3886643052,0.2700636089,0.01289239898,0.6823230982,0.5984432697,0.4489315152,0.3973050117,0.05162650347,965095,0.6868602633,0.5544709563,0.09220431,0.6341793537,0.09308879077,0.9233018756,0.07669814676,0.8638767004,0.1361232698,0.6396887302,0.2871074677,0.07302311808,0.3990970552,0.2401360571,,0.3764495254,0.375662744,0.1697861254,0.08468186855,0.2059143931,0.7094037533,0.9720692635,0.8562114239,0.0004068591516,0.1440718025,0.009703705087,0.05173202604,0.2890044451,0.06004045531,0.06588819623,0.2406100631,0.05386056378,,,,,,,,,,,45,0.2230628729,0.3506166041,4263.755859,9826.21582,1.937462568,767476.0625,1768718.75,348.7432556,452981.2188,679651.125,792261.5,1.025020123,2.257700443,0,0,0.7513746619,0.2486253232 +Paraguay,PRY,Latin America and Caribbean,LCN,1999,eph,Lower education,3286447,0.4077585936,0.1268768311,0.07387886941,0.4360943735,0.5183625221,0.4489315152,0.3973050117,0.05162650347,1182270,0.6939951181,0.4757080674,0.3332989514,0.6518137455,0.07225523144,0.9392194748,0.06078053266,0.9013274908,0.09867252409,0.3643299639,0.5972329378,0.03843712062,0.3224869072,0.04184306413,,0.15222615,0.1148493662,0.01945495792,0.4337014258,0.1790854037,0.3872131705,0.736178875,0.5229135752,0.00265412638,0.1132921875,0.001503445092,0.06163564697,0.2077628523,0.03056351654,0.01363832783,0.05074103549,0.08450742066,,,,,,,,,,,45,0.2409750223,0.3550430834,2677.99585,6171.686523,1.216888905,482039.25,1110903.625,219.039978,367553.2813,545454.5,483036.25,1.025020123,2.257700443,0.07911557704,0.4969003201,0.4239840806,0 +Paraguay,PRY,Latin America and Caribbean,LCN,1999,eph,Male,2773314,0.4040674865,0.1872406155,0.04116410762,0.5180189013,0.5547683835,0.4489315152,0.3973050117,0.05162650347,1346246,0.8750112653,,0.06658103317,0.8203883171,0.08060332388,0.9375745654,0.06242544204,0.8921348453,0.1078651473,0.4851981401,0.4447277188,0.06994658709,0.3542179465,0.1306585521,,0.2861434817,0.2694676816,0.0795179233,0.3515224457,0.2387652993,0.409712255,,0.5898407698,0.002620372921,0.1397425681,0.00701306155,0.08938929439,0.2060688138,0.06172543019,0.03370104358,0.1029213294,0.005295644049,,,,,,,,,,,45,0.1588164419,0.3775118291,3429.703369,7904.06543,1.558466792,617346.625,1422731.75,280.5240479,368342.375,613636.3125,712500,,2.257700443,0.03494062647,0.3015825152,0.5619586706,0.1015182063 +Paraguay,PRY,Latin America and Caribbean,LCN,1999,eph,Old worker,2057598,0,0,0,0.5783646703,1,0.4489315152,0.3973050117,0.05162650347,1559101,0.7577286959,0.5700086951,,0.7208818197,0.09964437038,0.9513719678,0.04862802476,,,0.449747026,0.4795538187,0.07059061527,0.2977789044,0.1518312395,,0.3406940103,0.3376953006,0.100161463,0.2698632777,0.1996023506,0.5305343866,0.8299289346,,0.002049947158,0.1314946115,0.0066786143,0.05937916785,0.2472986132,0.04863115028,0.03776809573,0.1459994912,0.05083702877,,,,,,,,,,,45,0.2257878035,0.3666451871,3859.702148,8895.037109,1.753859401,694746.4375,1601106.75,315.6947327,371806.1875,678950.4375,760702.375,1.025020123,2.257700443,0.06141442433,0.3650711179,0.4667420983,0.1067723632 +Paraguay,PRY,Latin America and Caribbean,LCN,1999,eph,Rural,2599118,0.4407475889,0.1764333099,0.04903047904,0,0.5102219582,0.4489315152,0.3973050117,0.05162650347,893769,0.673969388,0.4271134138,0.2507310808,0.652410388,0.07683149725,0.9680118561,0.03198813275,0.9433377385,0.05666223541,0.2898764312,0.6743263602,0.035797216,0.2485763133,0.04083085805,,0.1731613427,0.1410844773,0.03821868077,0.6004915833,0.1356245428,0.2638838887,0.5879564881,0.385443002,0.003154786769,0.09159233421,0.0007715445827,0.04010587558,0.1386408955,0.01382160094,0.007737111766,0.06313184649,0.04055242985,,,,,,,,,,,45,0.2705977261,0.2847271562,2873.97998,6623.350098,1.305944562,517316.4063,1192203,235.0700226,359247.4688,517538.8438,587859.5625,1.025020123,2.257700443,0.07849287242,0.431691438,0.4598009586,0.03001471423 +Paraguay,PRY,Latin America and Caribbean,LCN,1999,eph,Total,5634342,0.3998017907,0.1865444034,0.04846511036,0.5387006998,0.5517330915,0.8124705732,0.7246289862,0.08784158701,2147365,0.6907702623,0.5102324486,0.1878512502,0.6438432032,0.08153046668,0.9320656061,0.06793442369,0.8808969855,0.1191029847,0.4869214594,0.4591630697,0.05383502692,0.7326497043,0.2673503264,,0.2833712697,0.2673503458,0.08638335764,0.2772984803,0.1911080331,0.5315935016,0.848308742,0.7011861801,0.001647079014,0.1270851791,0.005178153049,0.05719762668,0.2441689074,0.0437727496,0.03705258295,0.1358253062,0.07077392936,,,,,,,,,,,45,0.2329462767,0.3530590236,3353.487793,7728.419922,1.523834229,603627.8125,1391115.625,274.2901611,367776.5625,613372.625,646645.5,1.025020123,2.257700443,0.04786466435,0.3006230891,0.5533044338,0.09820781648 +Paraguay,PRY,Latin America and Caribbean,LCN,1999,eph,Urban,3035224,0.3647391498,0.1952027231,0.04798097163,1,0.5872798562,0.4489315152,0.3973050117,0.05162650347,1253596,0.7032694221,0.566677928,0.1391835064,0.6374695301,0.08510823548,0.9064371586,0.09356284142,0.8325971961,0.167402789,0.6369507909,0.2953385711,0.06756895036,0.4388386607,0.1981121302,,0.3215602636,0.3110320866,0.1230557635,0.0355764851,0.2326051593,0.731818378,0.9868063331,0.9744347334,0.0005194370169,0.1536309272,0.008473935537,0.06998085976,0.3230952322,0.06617375463,0.05897815898,0.1901940703,0.09337713569,,,,,,,,,,,45,0.2048433423,0.4040617049,3625,8354.144531,1.647210121,652500,1503746,296.4978333,433548.5,647721.5,663750,1.025020123,2.257700443,0.02192590386,0.189622432,0.6324917078,0.1559599489 +Paraguay,PRY,Latin America and Caribbean,LCN,1999,eph,Young worker,1051055,0,1,0,0.5637040734,1,0.4489315152,0.3973050117,0.05162650347,588264,0.559689045,0.3935157061,0.1878512502,0.4930284321,0.02968158945,0.8808969855,0.1191029847,0.8808969855,0.1191029847,0.5933288336,0.4007969797,0.005874179769,0.5249459743,0.0679911226,,0.1589979976,0.1146683618,0.04694519565,0.2988138199,0.1665279567,0.5346582532,0.9052206278,0.7011861801,0.0004812946718,0.1143255383,0.0008362494991,0.05088488013,0.2351124585,0.02971393056,0.03498210013,0.106384173,0.128465578,,,,,,,,,,,45,0.2536217272,0.3138186932,2664.847412,6141.384766,1.210914135,479672.5313,1105449.25,217.9645386,325877.9688,468079.25,506032.375,1.025020123,2.257700443,0.02151856571,0.1753105819,0.7216159105,0.08155493438 +Paraguay,PRY,Latin America and Caribbean,LCN,2001,eih,Higher education,2566820,0.3706898093,0.2851715386,0.01716209203,0.6770299673,0.6121481061,0.4375884831,0.3814408183,0.05614766106,1108440,0.7054402828,0.5813635588,0.1036648378,0.6330894828,0.1098981947,0.8974387646,0.1025612578,0.8253932595,0.1746067107,0.6204248667,0.2984125912,0.08111729473,0.37702775,0.242580846,,0.3429044187,0.3915065825,0.1562713236,0.1012237146,0.1870144904,0.7117617726,0.9551876783,0.8273101449,0.001813097158,0.1321087182,0.009480798617,0.04361187294,0.3034790754,0.05377748609,0.07221516967,0.2223221064,0.05996796116,0.0799049437,0.103708744,0.09448739886,0.08069206774,0.183450833,0.08946406096,0.1459542364,0.05310241506,0.1666055173,0.002629787894,43,0.2499325722,0.3763298988,4423.682617,8720.714844,2.010133743,796262.875,1569728.625,361.8240662,303140.5,685480.9375,870000.0625,1.025103807,2.641076565,0,0,0.7172398567,0.2827601433 +Paraguay,PRY,Latin America and Caribbean,LCN,2001,eih,Male,2888376,0.3866996467,0.2024888694,0.04835381359,0.5096092224,0.5649465322,0.4375884831,0.3814408183,0.05614766106,1433642,0.8785766363,,0.06169126555,0.8178594112,0.1245207265,0.9308913946,0.06910860538,0.8827825189,0.1172174588,0.4775293767,0.4452701807,0.07712250948,0.3480040431,0.1290989965,,0.2491220683,0.2705893517,0.06256945431,0.3620690405,0.2234106809,0.4145202935,,0.5844365954,0.002257483546,0.1330506206,0.006289025303,0.08181354403,0.2069097608,0.05592818186,0.04004560038,0.1010845974,0.01055216137,0.04611465335,0.03330673277,0.0536789149,0.02908288501,0.09233795106,0.3034119606,0.1876341701,0.06356303394,0.1889095008,0.001960189315,43,0.1760622412,0.4124774039,3400,6702.657715,1.544969559,612000,1206478.375,278.0945129,375664.625,585431.6875,745928.8125,,2.641076565,0.04142502323,0.2999565303,0.5410814881,0.1175369471 +Paraguay,PRY,Latin America and Caribbean,LCN,2001,eih,Old worker,2151810,0,0,0,0.5766554475,1,0.4375884831,0.3814408183,0.05614766106,1672629,0.7773125768,0.6170761585,,0.7355979681,0.1414300799,0.9463347793,0.05366521701,,,0.4301896393,0.4908131957,0.07894472778,0.2686182857,0.16124475,,0.3312102556,0.3751072884,0.09206901491,0.283870548,0.1853702664,0.5307591558,0.7988265753,,0.001318796887,0.1226525307,0.006655911449,0.05474302545,0.2482030094,0.04101477191,0.03535791114,0.1463093609,0.059874136,0.05998988077,0.05685821921,0.05348017067,0.03189844638,0.1546573341,0.2506875098,0.150528118,0.04651749134,0.1938754171,0.001507391338,43,0.2603892386,0.3836931288,4131.13916,8144.003906,1.8772012,743605,1465920.75,337.8961792,449146.625,716636.625,812501.75,1.025103807,2.641076565,0.06601420045,0.3581440747,0.4562962055,0.1195455119 +Paraguay,PRY,Latin America and Caribbean,LCN,2001,eih,Total,5830583,0.3821250796,0.1960639209,0.05275527388,0.5397554636,0.565119639,0.7695367909,0.6761843922,0.09335239874,2371187,0.7196368984,0.5636998415,0.1624172181,0.6631931192,0.1188844442,0.9215663075,0.07843371481,0.8622605205,0.1377394646,0.475161612,0.4657570124,0.05903379247,0.7188717379,0.2811282621,,0.2597556114,0.2811282575,0.0773794353,0.2935220003,0.1771875173,0.5292904973,0.8140001297,0.6811202765,0.001378602698,0.1203567684,0.004975236021,0.05047690496,0.2435339093,0.03800997883,0.03582353145,0.1338086724,0.07811440527,0.045583345,0.04767559841,0.05155120417,0.03910981491,0.1518991739,0.2550235391,0.1451405436,0.04007494077,0.2227446735,0.00119714113,43,0.2660444379,0.3709715903,3470.086914,6840.825195,1.576817155,624615.625,1231348.5,283.8270874,378925.6563,591847.8125,696287.3125,1.025103807,2.641076565,0.05346461013,0.2989659309,0.5321439505,0.1154254824 +Paraguay,PRY,Latin America and Caribbean,LCN,2002,eph,Female,2782868,0.3757677376,0.1988125145,0.05581076816,0.5904897451,0.568421483,0.4313636422,0.3810227215,0.05034090951,875749,0.5536260605,0.5536260605,0.2874515057,0.475428015,0.1095163599,0.8587529063,0.1412470937,0.7536900043,0.2463099957,0.4722878337,0.5098224878,0.01684059016,0.3422542512,0.1294245571,,,0.2743912935,0.1025447696,0.1803822368,0.1025174856,0.7171002626,0.8196177483,0.8747342229,0.0003502981563,0.09768123925,0.0009869617643,0.003498985665,0.293335408,0.01614701375,0.03713027388,0.1888160259,0.1816715449,0.02685319632,0.07154558599,0.04123252258,0.06589172035,0.25881055,0.1724109501,0.07401748747,0.002404089086,0.286107868,0.000726013619,46,0.3848731518,0.3282641172,3588.213867,6400.942871,1.630494475,645878.5,1152169.75,293.4889832,926568.5625,756060.1875,640204.125,,2.226393223,0.04832139611,0.2824680805,0.5436837673,0.1255267262 +Paraguay,PRY,Latin America and Caribbean,LCN,2002,eph,Higher education,2426153,0.3819540739,0.2935940027,0.01388041023,0.6964387894,0.604165554,0.4313636422,0.3810227215,0.05034090951,1051113,0.7170926929,0.5901838541,0.1113513336,0.6199831367,0.1097835526,0.8645787835,0.1354212165,0.7809383273,0.2190616429,0.5923489928,0.3617559969,0.04321005195,0.370040834,0.2206972092,,,0.3735957444,0.1693882942,0.1385661811,0.1731356829,0.6882981658,0.9511826634,0.7654025555,0.00130594708,0.1197121814,0.01154488139,0.04057267308,0.2728424966,0.04778021947,0.06814990193,0.2325126678,0.06701286137,0.05502052233,0.09737557173,0.08777688444,0.09381691366,0.1884547174,0.1255796254,0.1371887326,0.0434983559,0.1682570875,0.003031570232,46,0.2568801641,0.3695369959,4860.387207,8670.347656,2.20857358,874869.6875,1560662.625,397.5432434,517538.8438,777857.1875,907954.8125,0.9116559029,2.226393223,0,0,0.6932308078,0.3067691624 +Paraguay,PRY,Latin America and Caribbean,LCN,2002,eph,Lower education,3090238,0.3742514253,0.1210754663,0.08313825727,0.4681238234,0.5426102877,0.4313636422,0.3810227215,0.05034090951,1221682,0.7285816073,0.5216696262,0.2822034955,0.6645731926,0.11355827,0.9121465087,0.08785346895,0.8685290813,0.1314709485,0.3455260694,0.6217868328,0.03160847723,0.3018863797,0.04262114316,,,0.1237161458,0.02209084481,0.4655531943,0.1521482766,0.3822985291,0.6954321861,0.4878379107,0.001987151802,0.09448583424,0.001502042403,0.0541732423,0.1908294559,0.03014595434,0.01164981257,0.07171174139,0.07796157151,0.008996251971,0,0.01346610952,0.007228409871,0.1300252229,0.4165484309,0.1342850924,0.03668855503,0.2527619302,0,46,0.2484706491,0.4170675874,3000,5351.639648,1.363208413,540000,963295.1875,245.3775177,471644.8125,620689.625,529552.3125,0.9116559029,2.226393223,0.06601761281,0.4782057405,0.4557766318,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2002,eph,Male,2733523,0.3795442879,0.1950548738,0.04948888347,0.5461910963,0.5709668398,0.4313636422,0.3810227215,0.05034090951,1397046,0.895111382,,0.04851018637,0.814397037,0.1132509485,0.90982759,0.09017241001,0.8516901135,0.1483098567,0.4469946921,0.5021198392,0.04864086956,0.3267299831,0.118580319,,,0.2662869394,0.07980120927,0.4008167386,0.1965206265,0.4026626348,,0.5306345224,0.00246960693,0.110612683,0.008980317041,0.07445801795,0.1887254417,0.05102908239,0.03692188486,0.1172416732,0.008744553663,0.03133656457,0.02728879824,0.05016714334,0.03442687169,0.09560205787,0.3529645503,0.1720194966,0.06184233725,0.1726142764,0.001737904502,46,0.1735509187,0.4358060956,4050.322754,7225.289551,1.840477943,729058.0625,1300552.125,331.2860107,467901.5938,677134.0625,854364.9375,,2.226393223,0.03043502383,0.2867926657,0.5599423647,0.122829929 +Paraguay,PRY,Latin America and Caribbean,LCN,2002,eph,Old worker,2056137,0,0,0,0.6000096202,1,0.4313636422,0.3810227215,0.05034090951,1581961,0.7693850398,0.5932821631,,0.7104424238,0.1328439116,0.9233900309,0.07660997659,,,0.4257879555,0.5228595734,0.04967595637,0.2767758369,0.1475026459,,,0.3476552665,0.1058348119,0.3081111312,0.1686435789,0.523245275,0.7996206284,,0.001427218434,0.110886842,0.00723759504,0.04909192398,0.2353010625,0.04048403352,0.0370685868,0.1620376408,0.04835396633,0.0396017991,0.05036395416,0.05056864023,0.03724413365,0.1690954119,0.2791944146,0.138332814,0.04888322204,0.1848296076,0.001885995502,46,0.2442810982,0.4031818211,4500,8027.459961,2.044812679,810000,1444942.875,368.0662537,539102.9375,732407.625,900000,0.9116559029,2.226393223,0.05200278014,0.350294143,0.4758749306,0.1218281314 +Paraguay,PRY,Latin America and Caribbean,LCN,2002,eph,Rural,2380110,0.418625623,0.1811743975,0.05465503782,0,0.5267193317,0.4313636422,0.3810227215,0.05034090951,915001,0.7298696041,0.4880101681,0.2038913369,0.691765666,0.1280753016,0.9477934837,0.05220650136,0.9053102136,0.09468980134,0.2471460998,0.7199469209,0.03175390139,0.1967212856,0.04989437759,,,0.2023163289,0.035237398,0.6766224504,0.09378780425,0.2295897603,0.5230233669,0.2880917788,0.002402358688,0.06212769821,0.002460079966,0.02679767087,0.1142973229,0.01744798198,0.003815375036,0.05921623856,0.03481284529,0.006043365691,0.01743247546,0.01289043762,0.008015156724,0.08443761617,0.6079019308,0.07883933932,0.02116850019,0.162740767,0.0005304232473,46,0.2759976089,0.3424873948,3354.418457,5983.879883,1.524257183,603795.3125,1077098.375,274.366272,495335.3438,662875.3125,685033.1875,0.9116559029,2.226393223,0.06053240597,0.4057475924,0.4956224263,0.03809757531 +Paraguay,PRY,Latin America and Caribbean,LCN,2002,eph,Total,5516391,0.3776391149,0.1969505101,0.05267810076,0.5685385466,0.5696827918,0.7553628472,0.6628936669,0.09246918025,2272795,0.7232228231,0.5536260605,0.1701891273,0.6437750363,0.1118626967,0.8901475668,0.1098524034,0.814024806,0.1859752089,0.4563968778,0.5049831271,0.03681980819,0.7305907682,0.2694092154,,,0.2694092095,0.08825562894,0.3188458383,0.1615645736,0.5195896029,0.8196177483,0.6532501578,0.001681519672,0.1058039889,0.006007903721,0.04807115719,0.2276257575,0.03805781901,0.03699937463,0.143857345,0.07304927707,0.02966997027,0.04374029487,0.04684589058,0.04612324759,0.156271264,0.2858476639,0.1355893761,0.03974745795,0.2148030549,0.001361756003,46,0.2522403896,0.395761013,3903.038086,6962.55127,1.773551464,702546.875,1253259.25,319.2392578,495335.3438,679821.125,752639.125,0.9116559029,2.226393223,0.03929672018,0.2846500874,0.5518871546,0.1241660416 +Paraguay,PRY,Latin America and Caribbean,LCN,2002,eph,Urban,3136281,0.3465346396,0.2089229226,0.05117781088,1,0.6022875309,0.4313636422,0.3810227215,0.05034090951,1357794,0.718811512,0.5919499397,0.1480096579,0.6119247675,0.09969884902,0.8513007164,0.1486992836,0.7495362163,0.2504637539,0.613391757,0.3437019587,0.04062061384,0.4343722761,0.1771689504,,,0.2897089422,0.1280336976,0.0500010848,0.2124941945,0.7375047207,0.9726199508,0.9650933743,0.001139858156,0.1386237592,0.00867385231,0.06405673176,0.3127843738,0.0535447076,0.06193489581,0.2074593902,0.1017813534,0.04739633575,0.06347830594,0.07232169807,0.07471466064,0.2101660073,0.04421956837,0.1781673133,0.05368672311,0.2538639009,0.001985481242,46,0.2343385071,0.4359044731,4113.608887,7338.18457,1.869235396,740449.625,1320873.25,336.4623718,455661.2813,686440.6875,759435.5,0.9116559029,2.226393223,0.02312554419,0.1924331337,0.5947332978,0.1897079945 +Paraguay,PRY,Latin America and Caribbean,LCN,2002,eph,Young worker,1086456,0,1,0,0.6030994058,1,0.4313636422,0.3810227215,0.05034090951,690834,0.6358600855,0.479902178,0.1701891273,0.5176058412,0.05736223981,0.814024806,0.1859752089,0.814024806,0.1859752089,0.5359060764,0.458547622,0.003424876835,0.4772510529,0.05795439333,,,0.108284384,0.04259223863,0.3467498422,0.1431632638,0.510086894,0.8747342229,0.6532501578,0.002342554973,0.09259153903,0.002811422572,0.04541775584,0.2076744586,0.03175107017,0.03681947291,0.09659919143,0.1372427046,0.003871213179,0.02653479204,0.03717574105,0.06918749213,0.1229594797,0.3031300604,0.1284631044,0.01601654477,0.2926615775,0,46,0.2728770673,0.3765204549,2729.426025,4868.968262,1.240258813,491296.6875,876414.3125,223.246582,424920.0625,458333.375,514285.6875,0.9116559029,2.226393223,0.0150430128,0.1593466848,0.6969816089,0.1286287159 +Paraguay,PRY,Latin America and Caribbean,LCN,2003,eph,Female,2859594,0.3650937974,0.1989149451,0.05957489088,0.5851355195,0.5753313303,0.4311994612,0.3737401962,0.05745927989,918922,0.5585425496,0.5585425496,0.2594476938,0.5007634163,0.129254505,0.8965538144,0.1034462154,0.7946186066,0.2053813636,0.476457864,0.4996510446,0.02389110811,0.3480663598,0.1283914894,,0.2570235729,0.2694708109,0.1105535775,0.1890144348,0.1020436659,0.7089418769,0.8109855652,0.8553410769,0,0.09617011249,0.003964251373,0.001909298007,0.2637258768,0.01373286545,0.02957045101,0.2085577399,0.1933549643,0.0322250165,0.08275162429,0.04594695941,0.05993957818,0.2282042056,0.183326602,0.07811250538,0.002193325898,0.2873001993,0,45,0.4077251554,0.312153995,4112.334473,6421.67041,1.868656278,740220.1875,1155900.625,336.3581238,569670.6875,740220.3125,744818.5625,,2.514126539,0.04408015683,0.2800688148,0.5576425195,0.1182084829 +Paraguay,PRY,Latin America and Caribbean,LCN,2003,eph,Higher education,2649736,0.3460363746,0.3038442433,0.01824445836,0.677741468,0.6357191801,0.4311994612,0.3737401962,0.05745927989,1182660,0.7020887136,0.575406909,0.0992128998,0.6295984387,0.1276789159,0.8967505693,0.103249453,0.8226460218,0.1773539633,0.5907948017,0.354546845,0.05465837941,0.3805644512,0.2102303356,,0.3164030015,0.355843246,0.1644824296,0.1403780878,0.1704666466,0.6891552806,0.9425204992,0.7524907589,0.0002537407854,0.119094044,0.01207674108,0.03904212266,0.2653110027,0.05265451595,0.06002525985,0.242443189,0.0687213093,0.06111917272,0.1053791866,0.08319920301,0.09195974469,0.1707206964,0.1312195212,0.1473432183,0.04544053227,0.1612407118,0.00237800926,45,0.2677587271,0.383199662,5233.496582,8172.436035,2.378115416,942029.375,1471038.5,428.060791,544842.9375,783287.5625,996000.0625,0.9674594998,2.514126539,0,0,0.7181258202,0.28187415 +Paraguay,PRY,Latin America and Caribbean,LCN,2003,eph,Lower education,3020762,0.3914436102,0.108743757,0.08811220527,0.4605748355,0.5204441547,0.4311994612,0.3737401962,0.05745927989,1139384,0.7247353792,0.5414414406,0.3103087246,0.6822225451,0.1256661713,0.9413402081,0.05865976587,0.8979005218,0.1020995006,0.3465150297,0.6211162806,0.03236871585,0.3108951747,0.0356198512,,0.1245271116,0.1027945355,0.01473780163,0.4636948705,0.1539865881,0.3823185563,0.6777689457,0.4991955757,0.002303859685,0.0981317386,0.003119673813,0.05043131113,0.1974951178,0.02606969513,0.007210866082,0.05566743761,0.09587542713,0.007333005313,0,0.01108761597,0.006473369896,0.1306011528,0.4075565934,0.1379481405,0.03312205896,0.2657913566,0.00008670940588,45,0.2547167838,0.4090870023,2960.881104,4623.603516,1.345432639,532958.5625,832248.625,242.1778564,497059.9375,564587.8125,532793.5,0.9674594998,2.514126539,0.06818231195,0.4948051572,0.4370125234,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2003,eph,Male,2810904,0.375446111,0.2009246796,0.05128207803,0.5385715961,0.573271811,0.4311994612,0.3737401962,0.05745927989,1403122,0.8707407117,,0.06061121076,0.812477529,0.1250385791,0.9330877662,0.06691221148,0.8788912296,0.1211087927,0.4626255333,0.4816152453,0.05575923622,0.3439402878,0.1186852455,,0.2371492833,0.2565471232,0.07574494183,0.3747133017,0.2000317872,0.4252549112,,0.5611088872,0.002093485557,0.1163458452,0.009843202308,0.07174925506,0.2107353061,0.05536887422,0.03591550142,0.110714823,0.01252041943,0.03523887321,0.03328964487,0.04756590724,0.0420772098,0.1016814411,0.3248100281,0.1832114309,0.06256320328,0.1675648987,0.001997348154,45,0.1690118313,0.4491082728,4112.334473,6421.67041,1.868656278,740220.1875,1155900.625,336.3581238,498450.0313,650681.8125,888264.1875,,2.514126539,0.03133495525,0.2669454813,0.5678246617,0.1338948905 +Paraguay,PRY,Latin America and Caribbean,LCN,2003,eph,Old worker,2123030,0,0,0,0.5912690759,1,0.4311994612,0.3737401962,0.05745927989,1658042,0.7809790969,0.6228848696,,0.7397215366,0.1494080424,0.9471720457,0.05282797292,,,0.4347229004,0.5099700689,0.05530704185,0.2886864841,0.1460363865,,0.3092670143,0.3359298408,0.1063707173,0.2912682891,0.1701214612,0.53861022,0.7970069051,,0.001387865399,0.1117591485,0.008808709681,0.04816574231,0.233398959,0.04395310581,0.03460491821,0.1653158516,0.06133740768,0.04400710389,0.06581421196,0.04751373827,0.04111239314,0.158157751,0.2632651329,0.147905916,0.04544745386,0.1853983402,0.001377948094,45,0.2503825426,0.4041612744,4846.791992,7568.572754,2.202395916,872422.625,1362343.125,396.4312744,510790.2813,749999.9375,979109.4375,0.9674594998,2.514126539,0.04942105338,0.3463987112,0.4797103107,0.1244699359 +Paraguay,PRY,Latin America and Caribbean,LCN,2003,eph,Rural,2483375,0.4101096392,0.1889082342,0.05155926943,0,0.5383310914,0.4311994612,0.3737401962,0.05745927989,963706,0.7208631039,0.5075483918,0.20322299,0.6928620338,0.1352572441,0.9611561894,0.03884379566,0.9280603528,0.0719396323,0.2785920203,0.691706121,0.02970185876,0.2277613878,0.0508306399,,0.1813587993,0.1824554801,0.03754080832,0.6359481812,0.1151303276,0.2489214838,0.5220489502,0.3406184018,0.002223968739,0.07755821198,0.003157819621,0.03219033033,0.1269983351,0.01611513644,0.004766418599,0.06046064198,0.04058095068,0.009293166921,0.02046699077,0.01556022465,0.01007155608,0.08616691083,0.5636778474,0.1024277955,0.02162863687,0.170029968,0.0006769070169,45,0.2821136713,0.3479064405,3265.634277,5099.494629,1.483913302,587814.1875,917909,267.1044006,510790.25,564587.8125,729700.4375,0.9674594998,2.514126539,0.05585850775,0.3891142011,0.5026946068,0.0523326844 +Paraguay,PRY,Latin America and Caribbean,LCN,2003,eph,Total,5670498,0.3702255189,0.1999111921,0.05546408892,0.562053442,0.574310407,0.7412186905,0.6446435837,0.09657510684,2322044,0.7130213877,0.5585425496,0.1603834182,0.6550027552,0.1266668886,0.9186298847,0.08137012273,0.8473588824,0.1526411027,0.4679679573,0.4885811806,0.04345086589,0.7383708056,0.2616291784,,0.24496454,0.2616291642,0.08918901533,0.3029772341,0.1621786654,0.5348441005,0.8109855652,0.6643496752,0.001284765429,0.1085518971,0.007572145201,0.04476985708,0.2312057316,0.03928475082,0.03346438706,0.1485118568,0.08237738162,0.03407483548,0.05239325389,0.04694062471,0.04897616059,0.1505481005,0.2701651454,0.1426192522,0.039246656,0.2138100415,0.001225915854,45,0.2612000406,0.3962181807,4112.334473,6421.67041,1.868656278,740220.1875,1155900.625,336.3581238,503360.6563,666198.1875,811904.75,0.9674594998,2.514126539,0.03768507764,0.2734839916,0.5627515912,0.1260793507 +Paraguay,PRY,Latin America and Caribbean,LCN,2003,eph,Urban,3187123,0.3391481936,0.2084845752,0.05850668624,1,0.602345109,0.4311994612,0.3737401962,0.05745927989,1358338,0.7075605989,0.5899134874,0.1301375777,0.6286382675,0.1200735494,0.88845855,0.1115414575,0.7853111029,0.214688912,0.6133190393,0.3326773345,0.05400359631,0.4359274507,0.1773916185,,0.2671399713,0.2892321944,0.1288304031,0.0473254174,0.1983019114,0.7543726563,0.9740364552,0.9584964514,0.0005636544083,0.1323485374,0.0109614199,0.0544282943,0.3112151623,0.05707415193,0.05549840629,0.2161166966,0.1144682616,0.05309543014,0.07689751685,0.07102592289,0.07883648574,0.1999623775,0.0448863022,0.1734672785,0.05276895687,0.2474124283,0.001647294965,45,0.2451384068,0.4333215058,4400.516602,6871.685059,1.999607086,792092.9375,1236903.375,359.9292603,455520.1563,708390.75,825630.3125,0.9674594998,2.514126539,0.02273788862,0.1783810705,0.612146914,0.1867341399 +Paraguay,PRY,Latin America and Caribbean,LCN,2003,eph,Young worker,1133596,0,1,0,0.5861576796,1,0.4311994612,0.3737401962,0.05745927989,664002,0.5857483745,0.436784476,0.1603834182,0.4963390827,0.06319226325,0.8473588824,0.1526411027,0.8473588824,0.1526411027,0.5607609153,0.4288809299,0.01035816316,0.5042051077,0.05655578524,,0.105825156,0.1008554399,0.0412318185,0.3356503546,0.1400147229,0.5243349075,0.8553410769,0.6643496752,0.000997071038,0.09960223734,0.004121582024,0.03529382497,0.2250856608,0.02625798061,0.03028181009,0.1016212627,0.1410882175,0.006352106575,0.01493296027,0.04534095898,0.07092534006,0.1293081939,0.2894243002,0.1278632432,0.0219391156,0.2931122184,0.0008015668718,45,0.2913793325,0.374058038,2916.666748,4554.55957,1.325341582,525000,819820.6875,238.5614624,478865.875,501811.6563,549236.875,0.9674594998,2.514126539,0.01614339091,0.1396472007,0.7151759267,0.1290334761 +Paraguay,PRY,Latin America and Caribbean,LCN,2004,eph,Female,2842092,0.3535054326,0.2075904012,0.05543909222,0.589454174,0.5910554528,0.4196500778,0.3651403189,0.05450975895,1016762,0.6052752733,0.6052752733,0.2585446239,0.5460956097,0.1227034405,0.9022268653,0.09777312726,0.8059034944,0.1940964907,0.4525284767,0.5259715319,0.02149997279,0.3326265812,0.1199018881,,0.2536982596,0.2649598718,0.09551425278,0.2278508693,0.1138344109,0.6583147049,0.7721491456,0.8030671477,0.0004316781997,0.1060096994,0.004393088631,0.002999945544,0.2528315187,0.01438055281,0.02486618981,0.1828342527,0.1834021956,0.0244802963,0.0697683543,0.03990952298,0.06132664904,0.2311669439,0.2213026583,0.08494468033,0.002678367076,0.2644225359,0,44,0.4159879386,0.3233115375,3912.809082,5856.890625,,704305.625,1054240.25,,519041.8125,733373.625,704305.625,,2.226293325,0.04021527246,0.278737992,0.5629211664,0.1181255281 +Paraguay,PRY,Latin America and Caribbean,LCN,2004,eph,Higher education,2837394,0.3786770403,0.297257632,0.01181260031,0.6745865941,0.6095103621,0.4196500778,0.3651403189,0.05450975895,1258240,0.7275498509,0.6055554748,0.1043444872,0.6590535045,0.1177208573,0.9058533907,0.09414658695,0.8467888236,0.1532111466,0.5855993629,0.3654316068,0.04896905646,0.3955250978,0.1898838431,,0.2989355028,0.3243610263,0.14305906,0.1435996741,0.1843309104,0.6720694304,0.9328049421,0.7587944865,0.0006537708687,0.1287402064,0.01233476959,0.04260216653,0.2731243968,0.05373645574,0.05368467793,0.2181453407,0.07337854058,0.05270749331,0.08856350183,0.07807552814,0.09006817639,0.1844284087,0.1357067674,0.1468308419,0.04204228893,0.1790221035,0.00255487673,44,0.2711008787,0.3867951035,4961.686035,7426.902344,,893103.5,1336842.375,,592572.8125,744252.875,940222.625,0.9596691728,2.226293325,0,0,0.7141370177,0.2858629525 +Paraguay,PRY,Latin America and Caribbean,LCN,2004,eph,Lower education,2864281,0.3470458984,0.1130025312,0.08781121671,0.4634444118,0.5651428699,0.4196500778,0.3651403189,0.05450975895,1239188,0.7655319571,0.604993701,0.2848139107,0.7213824391,0.1319329441,0.9423283339,0.05767163634,0.9096841216,0.09031587094,0.3328883052,0.6300669312,0.03704477474,0.3014253378,0.0314629674,,0.1167701259,0.09451509267,0.0148656955,0.4680300653,0.1608944535,0.3710754812,0.6201236844,0.4477568269,0.001217755605,0.1034141704,0.001883153687,0.05437938124,0.1851947606,0.02627166361,0.008284506388,0.06173900887,0.08958553523,0.009350684471,0.0001318807044,0.008446360007,0.004360626917,0.1179604381,0.4197385907,0.1507233679,0.03660545871,0.2526825666,0,44,0.2722893059,0.3958765268,3189.655029,4774.437012,,574137.9375,859398.6875,,560261.5,601742.5,564133.5625,0.9596691728,2.226293325,0.06169411913,0.4822113514,0.4560945332,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2004,eph,Male,2859583,0.3720115721,0.2018185854,0.04457642883,0.5477092266,0.5834119916,0.4196500778,0.3651403189,0.05450975895,1480666,0.887521863,,0.04791922495,0.8332676888,0.1263709813,0.9388700724,0.06112992391,0.9046869278,0.0953130573,0.4611355662,0.4817850888,0.05707933009,0.3579879403,0.1029915437,,0.2177680582,0.2234189361,0.06675164402,0.3605601788,0.2111690342,0.428270787,,0.5746205449,0.001274178619,0.1224650443,0.008795501664,0.07863430679,0.2126446515,0.05663727596,0.03456254676,0.1100477353,0.01437857747,0.03491486236,0.02668411285,0.04477277026,0.03704052791,0.09775327146,0.317808181,0.1909386963,0.06345129013,0.1845415533,0.002094733529,44,0.1764845997,0.4363178015,4166.666504,6236.876953,,749999.9375,1122637.875,,562295.3125,658726.4375,900000,,2.226293325,0.02847681195,0.2571330667,0.5785358548,0.1358542591 +Paraguay,PRY,Latin America and Caribbean,LCN,2004,eph,Old worker,2181041,0,0,0,0.6023967266,1,0.4196500778,0.3651403189,0.05450975895,1772299,0.8125931621,0.6750284433,,0.7699328065,0.1469687521,0.9475009441,0.05249904096,,,0.4289134145,0.5142262578,0.05686033517,0.2939827442,0.1348014474,,0.2974113226,0.3143806159,0.09417449683,0.2946206033,0.1775068343,0.5278725624,0.7620106936,,0.001046445686,0.1165431887,0.008041014895,0.05187618732,0.2326790094,0.04112704098,0.03160182387,0.1562396288,0.06622505933,0.04022081196,0.05446462706,0.04384265468,0.04106761515,0.1577270925,0.2695725262,0.1592706293,0.0436032638,0.188555643,0.001675147563,44,0.2580614686,0.4067580402,4613.705566,6906.027832,,830467,1243085,,606949.9375,749999.9375,922313.8125,0.9596691728,2.226293325,0.04647209495,0.3365625143,0.4917586148,0.1252067834 +Paraguay,PRY,Latin America and Caribbean,LCN,2004,eph,Rural,2460172,0.40099594,0.195596084,0.05091676489,0,0.5480872989,0.4196500778,0.3651403189,0.05450975895,1024498,0.759794116,0.5710086226,0.1869264394,0.7303367257,0.136371851,0.9612298012,0.03877020627,0.9316927195,0.06830730289,0.2669860721,0.7051061392,0.02790781297,0.2260438353,0.04094222188,,0.154882431,0.1533496678,0.02765191719,0.6497860551,0.1132712141,0.2369427383,0.4639472663,0.3294968605,0.001456165803,0.08543143421,0.002417803742,0.02396580763,0.1139475107,0.01686065271,0.006254201289,0.05752464011,0.04235573858,0.008914699778,0.01729729958,0.00999311544,0.008329796605,0.07189843804,0.585793972,0.1037817672,0.02218063362,0.1717209369,0.00008936024096,44,0.2989398539,0.3348586559,3546.099365,5307.980957,,638297.875,955436.5625,,563531.125,616287.5625,706971.125,0.9596691728,2.226293325,0.05158242956,0.3697164059,0.5248724222,0.05382877961 +Paraguay,PRY,Latin America and Caribbean,LCN,2004,eph,Total,5701675,0.3627868891,0.204695642,0.0499910973,0.5685176849,0.5872220099,0.7029334382,0.6178019266,0.08513151152,2497428,0.7459130284,0.6052752733,0.1543935984,0.6891876443,0.1249129474,0.923951745,0.07604824007,0.8663948178,0.1336051971,0.4577138126,0.4993514717,0.0429347232,0.760250162,0.239749838,,0.2318903357,0.2397498339,0.07818624377,0.3077960312,0.1724695712,0.5197343826,0.7721491456,0.6569921374,0.0009392072679,0.115922533,0.007045137696,0.04856269062,0.2286226302,0.03983634338,0.03070735186,0.1389870644,0.08158100396,0.03076659143,0.04381229356,0.04283938184,0.04669549689,0.1507920027,0.2794423103,0.1488006711,0.03929095715,0.2162983119,0.001261970145,44,0.2717022598,0.3913906813,4108.449707,6149.735352,,739520.9375,1106952.375,,562295.3125,679151.8125,789787,0.9596691728,2.226293325,0.0342592299,0.2677757442,0.5708439946,0.1271210015 +Paraguay,PRY,Latin America and Caribbean,LCN,2004,eph,Urban,3241503,0.3337877393,0.2116018385,0.04928855598,1,0.6169236898,0.4196500778,0.3651403189,0.05450975895,1472930,0.736553371,0.6258749962,0.1315701157,0.6614418626,0.1163817123,0.8980230093,0.1019770131,0.8150174022,0.1849825829,0.5997119546,0.3461656868,0.05412236229,0.438632369,0.1609155387,,0.2574144006,0.268394798,0.1158094108,0.05313625187,0.2165510952,0.7303126454,0.9521374106,0.951558888,0.0005542587605,0.1386274546,0.0104908403,0.0668785423,0.3140144348,0.05694498494,0.04891617224,0.1996473372,0.110789746,0.04703547433,0.0635528937,0.06729365885,0.07525902987,0.2095288187,0.05136139318,0.1823175699,0.05202971026,0.2494864762,0.002134986455,44,0.2514294386,0.4334672689,4277.714844,6403.100098,,769988.6875,1152558,,536613.8125,694318.3125,817273.875,0.9596691728,2.226293325,0.02047148161,0.1866399348,0.6074333787,0.1854551882 +Paraguay,PRY,Latin America and Caribbean,LCN,2004,eph,Young worker,1167108,0,1,0,0.5876988173,1,0.4196500778,0.3651403189,0.05450975895,725129,0.6213040948,0.476425916,0.1543935984,0.538294673,0.0659596175,0.8663948178,0.1336051971,0.8663948178,0.1336051971,0.53469491,0.459592402,0.005712712184,0.492036581,0.04265831411,,0.0914054215,0.07978066057,0.03545096889,0.3430078626,0.1590072662,0.4979848862,0.8030671477,0.6569921374,0.0006526085199,0.1142637953,0.004383619409,0.03970725089,0.2177818269,0.03638690338,0.02831684239,0.09287893027,0.1226203665,0.005496236961,0.01533948351,0.04015770927,0.06173835695,0.1322550923,0.3058235049,0.1208153442,0.02776451409,0.2904521823,0.0001575810893,44,0.3081569672,0.3503218591,3087.27124,4621.183594,,555708.8125,831813.0625,,519041.875,541568.25,559954.875,0.9596691728,2.226293325,0.01123431977,0.1380920708,0.7199437618,0.130729869 +Paraguay,PRY,Latin America and Caribbean,LCN,2005,eph,Female,2921193,0.2499869019,0.1953852475,0.1637621969,0.6038228273,0.5862509012,0.4146789908,0.2511875033,0.1634915024,1013591,0.5918599963,0.5918599963,0.2496644855,0.5470041037,0.1427432299,0.9242120385,0.07578796893,0.8378069997,0.1621930003,0.5123941302,0.4638028741,0.02380299196,0.3546109796,0.1577831507,,0.2690850198,0.3079331815,0.1251327693,0.2084934115,0.0854742825,0.7060322762,0.7915065885,0.8409606218,0.00006831964856,0.08169321716,0.003496044315,0.0002167013736,0.2572843134,0.01580959372,0.03389508277,0.2060862184,0.1929571033,0.03001047298,0.09426403046,0.04362209514,0.06999775022,0.2217730433,0.1982988417,0.06046075374,0.005293705035,0.2761213183,0.0001579891832,46,0.3944179714,0.321393162,4511.635254,6322.824219,2.050099611,812094.3125,1138108.375,369.0179138,589566.3125,982994.375,808813.1875,,2.152296066,0.05568625033,0.002681819489,0.7948087454,0.1468231976 +Paraguay,PRY,Latin America and Caribbean,LCN,2005,eph,Higher education,4710750,0.2318978906,0.244875446,0.05802579224,0.5938895345,0.7100763321,0.4146789908,0.2511875033,0.1634915024,2472378,0.739128232,0.5953134298,0.1415521055,0.6943989992,0.1276593953,0.9394837618,0.06051623076,0.87679708,0.1232029498,0.5012552142,0.4528657496,0.04576325044,0.3543936312,0.1466927975,,0.2636325061,0.2927494943,0.100655295,0.2909907997,0.1650138199,0.5439953804,0.799631536,0.6612775922,0.002301020315,0.09672810882,0.00734225288,0.05864243209,0.2291517407,0.04000175744,0.04178435728,0.1506578475,0.08239968866,0.032767497,0.06323557347,0.04888453707,0.04993156716,0.1555361599,0.2552279532,0.1400907338,0.04631173611,0.2064127177,0.001601543627,46,0.2524062395,0.406272471,4561.640137,6392.90332,2.072822094,821095.25,1150722.5,373.1079712,622413,758483.3125,894768.75,0.9990943074,2.152296066,0,0,0.8380556703,0.1619443595 +Paraguay,PRY,Latin America and Caribbean,LCN,2005,eph,Lower education,1126503,0.332021296,0.01128625497,0.586620748,0.52037853,0.08135797083,0.4146789908,0.2511875033,0.1634915024,53694,0.5858592391,0.4869652689,0.667059958,0.5662738681,0.1383648962,0.9665698409,0.03343017772,,,0.2950153053,0.6978554726,0.007129231934,0.2664791346,0.02853619494,,0.1094637811,0.0967278406,0.00884410087,0.5344033837,0.09416366369,0.3714329898,0.5002360344,0.4946682453,0.00707142707,0.04803560674,0,0.03905662894,0.1712364405,0.008246786892,0.004104125313,0.08963564038,0.0982099846,0,0,0,0.001579991891,0.06304553151,0.4851538539,0.04803560674,0.01485577784,0.3873292208,0,46,0.3359024227,0.3461531103,3132.520264,4390.065918,1.423426032,563853.625,790211.875,256.2166748,551743.1875,657352.1875,517771.0938,0.9990943074,2.152296066,0.9368575811,0.06314238906,0,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2005,eph,Male,2916060,0.2524557114,0.2042149305,0.1563047469,0.5555406809,0.5912395716,0.4146789908,0.2511875033,0.1634915024,1512481,0.8772633672,,0.04915172607,0.8339964747,0.1182187721,0.9506797194,0.049320288,0.9006260633,0.0993739143,0.4865542054,0.4545829594,0.05867576227,0.3510788381,0.1352027506,,0.2565175593,0.2780338526,0.08139454573,0.353536576,0.2142867148,0.4321767092,,0.5617368817,0.003928145394,0.104767479,0.009583506733,0.09600757807,0.2087287307,0.05461979657,0.04556495696,0.1123357788,0.0109274378,0.03338097408,0.04073830694,0.05054854974,0.03511337936,0.1090448797,0.3006158471,0.1886465251,0.07189935446,0.1675280035,0.002484204248,46,0.162857905,0.4594259262,4557.169922,6386.638672,2.070790768,820290.5625,1149595,372.7423401,622413,720000,961876.375,,2.152296066,0.03740086779,0.003629830433,0.7978010774,0.1611682326 +Paraguay,PRY,Latin America and Caribbean,LCN,2005,eph,Old worker,2270381,0,0,0,0.6097778082,1,0.4146789908,0.2511875033,0.1634915024,1831633,0.8067513704,0.6628095508,,0.7775611281,0.1499920636,0.9638175368,0.03618246689,,,0.4625878036,0.478325665,0.05903724954,0.2860555351,0.1763102114,,0.3326692283,0.3813219666,0.1170316562,0.2813565731,0.1720572412,0.5465861559,0.7767621875,,0.002203174634,0.09785007685,0.009278373793,0.06272561103,0.2311169356,0.04435071722,0.04368336499,0.1646795273,0.06275563687,0.04208829999,0.07685741037,0.05084175617,0.04306373745,0.1575888246,0.250436157,0.1481839418,0.05015804246,0.1786746085,0.002107218839,46,0.257132411,0.4086420238,5278.231934,7397.169922,2.39844346,950081.75,1331490.625,431.7198181,687868,841390.9375,1069461.375,0.9990943074,2.152296066,0.0605539307,0.002459516982,0.927479744,0.009506779723 +Paraguay,PRY,Latin America and Caribbean,LCN,2005,eph,Rural,2453380,0.2760941982,0.1928013563,0.1699891537,0,0.5539166331,0.4146789908,0.2511875033,0.1634915024,1013072,0.7454715371,0.5362215042,0.1770324409,0.7199801803,0.1529051661,0.9658049941,0.03419500217,0.9284301996,0.07156977803,0.2939096391,0.6827898026,0.02330059372,0.2322250903,0.06168453395,,0.2005876899,0.2098758519,0.05107877031,0.6500189304,0.09612777829,0.2538533211,0.461817354,0.3002232909,0.004790186416,0.05558497459,0.001480194274,0.03427242488,0.1115451083,0.02147303894,0.00635522604,0.0756411925,0.03883874416,0.009132998995,0.03756630421,0.01272140071,0.009104381315,0.08230225742,0.5701838732,0.07650011033,0.03484970704,0.1676389724,0,46,0.2940336168,0.3331737816,4025.302002,5641.253418,1.829108477,724554.375,1015425.625,329.2395325,638003.8125,675050.6875,857551,0.9990943074,2.152296066,0.05873781443,0,0.8260017037,0.1152604818 +Paraguay,PRY,Latin America and Caribbean,LCN,2005,eph,Total,5837253,0.2512202263,0.1997961998,0.1600367576,0.5797029734,0.588743031,0.6985339311,0.4267060722,0.2718278589,2526072,0.7350407701,0.5918599963,0.1472809315,0.6909820464,0.1278933585,0.9400594831,0.05994049087,0.8773959875,0.1226039976,0.4967477322,0.4582200944,0.04491889104,0.7097956621,0.2902043379,,0.2616314292,0.2902043164,0.09864873439,0.2963113785,0.1634651572,0.5402234793,0.7915065885,0.660354197,0.00240529282,0.09566377848,0.007181764115,0.05821432173,0.2278858125,0.03930765018,0.04096073657,0.1493239999,0.08274527639,0.03205135092,0.0618535392,0.04781614989,0.04887482896,0.1535147429,0.260253042,0.1380788237,0.04562425241,0.210366711,0.001566541381,46,0.2542319298,0.4049579501,4550,6376.590332,2.067532778,819000,1147786.25,372.1558838,603795.3125,749999.9375,889936.1875,0.9990943074,2.152296066,0.04670188203,0.003147616517,0.7962790132,0.1538715065 +Paraguay,PRY,Latin America and Caribbean,LCN,2005,eph,Urban,3383873,0.2331860512,0.2048676163,0.1528210491,1,0.6139929295,0.4146789908,0.2511875033,0.1634915024,1513000,0.7282181978,0.6236382723,0.1269809008,0.6720149517,0.1103659272,0.9228208661,0.07717911154,0.8382418156,0.1617581546,0.6388899088,0.3008491397,0.06006826833,0.4367374182,0.2018717527,,0.2813104093,0.3161115944,0.1319841743,0.04846726358,0.2106486857,0.7408840656,0.9589608908,0.9665008187,0.0007341896999,0.1237471327,0.01117687393,0.07499048859,0.3094061613,0.05180442333,0.06520893425,0.2009537965,0.1135107353,0.0481117703,0.07887322456,0.0724093765,0.07674463093,0.2034180611,0.04306388274,0.1812311411,0.05317469686,0.2403088957,0.002664321335,46,0.2263492942,0.4552455544,4773.376465,6689.641113,2.169035673,859207.75,1204135.5,390.4263916,546108,785454.5625,894768.75,0.9990943074,2.152296066,0.03226493299,0.006923143286,0.7606269717,0.2001849562 +Paraguay,PRY,Latin America and Caribbean,LCN,2005,eph,Young worker,1166261,0,1,0,0.594417572,1,0.4146789908,0.2511875033,0.1634915024,694439,0.5954404473,0.4499262273,0.1472809315,0.5224370956,0.06386530399,0.8773959875,0.1226039976,0.8773959875,0.1226039976,0.595721662,0.399966836,0.004012814723,0.5449057817,0.05081585795,,0.1018067524,0.08530134708,0.04538665712,0.3396457732,0.1385679096,0.5217863321,0.8409606218,0.660354197,0.00299096969,0.08932854235,0.001106428914,0.0451419726,0.2185229957,0.02469437756,0.03307139128,0.1048283949,0.1406691372,0.0029706317,0.01838180982,0.03904985636,0.06571168453,0.1417106241,0.2886961699,0.1088006198,0.03248820826,0.3021903932,0,46,0.2458300292,0.3942861557,3241.37793,4542.624023,1.472891212,583448,817672.375,265.1203918,517538.8438,525000,609495.5625,0.9990943074,2.152296066,0.01708289981,0.004618937615,0.5157403946,0.4625577629 +Paraguay,PRY,Latin America and Caribbean,LCN,2006,eph,Female,2998701,0.2418894023,0.2019507736,0.1686370224,0.5988116264,0.5894736052,0.4134078324,0.2455021292,0.1679056883,983218,0.5562273264,0.5562273264,0.2528046966,0.5057542324,0.09564999491,0.9092581868,0.09074182808,0.825840652,0.1741593182,0.4901370108,0.4870732427,0.02208727226,0.3591715395,0.1309654713,,,0.2672017515,0.1140571758,0.2055307627,0.08498249948,0.7094867229,0.7944692373,0.8457790613,0.0001242892613,0.08113736659,0.001673985971,0.00204685377,0.2752178311,0.01426751073,0.03440013155,0.2119546086,0.1736466438,0.03712196648,0.08631105721,0.03462643549,0.06497882307,0.248477906,0.1993201375,0.06075062603,0.002524611307,0.2658884525,0,46,0.3685002625,0.3485280275,4864.225098,6220.348145,2.210317612,875560.5,1119662.625,397.8571472,554505.875,862564.625,881955.5625,,2.273085833,0.06317673624,0.001498584286,0.7862461805,0.1490784883 +Paraguay,PRY,Latin America and Caribbean,LCN,2006,eph,Higher education,4791277,0.2272924334,0.2517499924,0.06256411225,0.5956662297,0.7101434469,0.4134078324,0.2455021292,0.1679056883,2447647,0.7193685174,0.5620760322,0.1499016732,0.669252336,0.09662394971,0.9303330779,0.06966690719,0.8728298545,0.1271701753,0.4967588484,0.4575695693,0.04539579898,0.3717355132,0.1250233352,,,0.2516781092,0.09208182245,0.2827188969,0.1811985672,0.5360825658,0.8025894761,0.6908255816,0.005151855759,0.1057683676,0.008222756907,0.06205558404,0.2303127646,0.04113839194,0.0362611562,0.1555104703,0.0728597641,0.03655132279,0.05660378188,0.04067625478,0.05236423016,0.1592980921,0.2585345507,0.1537845731,0.0408497192,0.2003054768,0.001032002154,46,0.2407348007,0.4213598967,5044.237793,6450.547363,2.292115688,907962.8125,1161098.5,412.5808411,671920,821590.9375,1001974.563,0.9795920253,2.273085833,0,0,0.8350711465,0.1649288535 +Paraguay,PRY,Latin America and Caribbean,LCN,2006,eph,Lower education,1155194,0.3266325891,0.01175992936,0.5845555067,0.5205454826,0.08881191909,0.4134078324,0.2455021292,0.1679056883,54188,0.5281738639,0.4014110863,0.6828855276,0.5149081349,0.08016733825,0.9748837352,0.02511626109,0.9547967315,0.04520325363,0.2309993058,0.7389214039,0.03007931635,0.228121981,0.002877316438,,,0.01245595329,0,0.5892252326,0.05775455758,0.353020221,0.5154047012,0.123978205,0.002858386841,0.03625040129,0,0.01864576899,0.1969826072,0.01164177433,0,0.0796751678,0.06472069025,0.02114449069,0.005016374402,0,0,0.1099627092,0.4966778457,0.04315974936,0.01794536971,0.3060934842,0,46,0.3277490735,0.4308213592,2875.21582,3676.8125,1.306506157,517538.8438,661826.25,235.1710968,614244.4375,517538.8438,431282.3125,0.9795920253,,0.9784297347,0.02157025225,0,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2006,eph,Male,2947770,0.2513734102,0.2083605528,0.1592203528,0.5630276203,0.5894062519,0.4134078324,0.2455021292,0.1679056883,1518617,0.8740573525,,0.06022966653,0.826480329,0.09662489593,0.9455676079,0.05443242192,0.9017063975,0.09829363227,0.4911045134,0.4495517015,0.05934378132,0.3742742538,0.1168302596,,,0.2378928661,0.07501279563,0.3420147896,0.2365104258,0.4214747846,,0.6014280319,0.008195020258,0.1185327917,0.01199405454,0.09778856486,0.2011516839,0.05676888302,0.03608455509,0.1176070645,0.009862583131,0.03562925011,0.03621074557,0.0429463312,0.04258420318,0.1019614115,0.30416134,0.2076360285,0.06386759877,0.1633665413,0.001636541565,46,0.1644625664,0.4670131803,5146.44043,6581.243652,2.338557005,926359.3125,1184623.875,420.9402771,671920,819436.5,1072484.25,,2.273085833,0.03986554593,0.0007670333143,0.7956610322,0.1637063622 +Paraguay,PRY,Latin America and Caribbean,LCN,2006,eph,Old worker,2285300,0,0,0,0.6034354568,1,0.4134078324,0.2455021292,0.1679056883,1769556,0.7743210793,0.6091010571,,0.7397484183,0.116035223,0.9553509355,0.04464905336,,,0.4537389278,0.4863124192,0.05994864553,0.3014184237,0.1523205191,,,0.3357007802,0.10792128,0.281319052,0.1872496158,0.5314313173,0.7770023346,,0.003892565379,0.1083001718,0.0099512171,0.0651056543,0.2305648327,0.04359685257,0.03268003464,0.1711314768,0.05345813558,0.0453604646,0.07208731771,0.03844850138,0.04082228988,0.1642101705,0.2582501471,0.1597234458,0.04719005153,0.1725175381,0.001390082645,46,0.2451569289,0.4180682898,5909.09082,7556.517578,2.68510747,1063636.25,1360173.125,483.3192749,701948.8125,934446.1875,1159071.375,0.9795920253,2.273085833,0.06712654233,0.0002505540906,0.9196311831,0.01299172174 +Paraguay,PRY,Latin America and Caribbean,LCN,2006,eph,Rural,2491138,0.2734882534,0.1924955547,0.1702189893,0,0.5562927723,0.4134078324,0.2455021292,0.1679056883,1017664,0.7343502045,0.5260762572,0.1810115278,0.7059717178,0.1120053753,0.9613556266,0.03864438459,0.9306532145,0.06934680045,0.2874704599,0.6848550439,0.02767451294,0.2382921278,0.04917835072,,,0.1710727066,0.03838758916,0.6309942007,0.1171365306,0.2518692315,0.4832870364,0.3473478556,0.01044425368,0.07069138438,0.001371715451,0.03462917358,0.1199044883,0.0199869778,0.00571275549,0.06139908731,0.04486593232,0.008825180121,0.02341217734,0.01208888181,0.008460274898,0.08371348679,0.578479588,0.09832808375,0.03047518432,0.156217128,0,46,0.285156548,0.363946408,4377.516113,5597.946777,1.989155531,787952.875,1007630.438,358.0480042,690051.75,755780.1875,991949.4375,0.9795920253,2.273085833,0.05968176946,0.0006197534385,0.8142359853,0.1254625022 +Paraguay,PRY,Latin America and Caribbean,LCN,2006,eph,Total,5946471,0.2465907931,0.2051282227,0.1639690101,0.5810728669,0.5894401968,0.6965249495,0.4183474329,0.2781775166,2501835,0.7137721679,0.5562273264,0.1558376104,0.6647346049,0.09625082463,0.9312980175,0.06870197505,0.8731740117,0.1268259734,0.4907332957,0.4639486372,0.04504852742,0.7508750156,0.2491249692,,,0.249124974,0.08999405056,0.2896720469,0.1783982217,0.5319297314,0.7944692373,0.6882193089,0.005099827889,0.1041913405,0.008036222309,0.0610708259,0.2295566648,0.0404692553,0.03543856367,0.1537901312,0.07267512381,0.03620200232,0.05543414131,0.03975400329,0.05117697641,0.1581795216,0.2639339566,0.1512763798,0.04033041,0.2027039975,0.001008603605,46,0.2427100837,0.421574682,5000,6393.976563,2.272013903,900000,1150915.75,408.9625244,655152.1875,821590.9375,997768,0.9795920253,2.273085833,0.0518441014,0.00114294386,0.7908231616,0.1561897695 +Paraguay,PRY,Latin America and Caribbean,LCN,2006,eph,Urban,3455333,0.2271989435,0.2142357975,0.1594630629,1,0.6133379936,0.4134078324,0.2455021292,0.1679056883,1484171,0.7003161907,0.5738927126,0.1395301074,0.6377696991,0.08484726399,0.9106881618,0.08931180835,0.8305214047,0.1694785804,0.6378604174,0.3040506244,0.05762431398,0.4627124369,0.1751479954,,,0.2745867074,0.1273481995,0.0423854515,0.2227820754,0.7348324656,0.9700260758,0.9723488092,0.001227812492,0.1284619272,0.0128646316,0.08022770286,0.3089992404,0.05530858785,0.05697479844,0.2207270712,0.09282277524,0.05601808801,0.07861250639,0.05977876857,0.08209647983,0.2120800465,0.0362573117,0.1896017939,0.04746389017,0.2363524586,0.001738658175,46,0.211945042,0.4633434415,5250,6713.675293,2.385614634,945000,1208461.5,429.4106445,514594.3438,843750,1001974.563,0.9795920253,2.273085833,0.04303514585,0.001730971155,0.7645089626,0.1907249391 +Paraguay,PRY,Latin America and Caribbean,LCN,2006,eph,Young worker,1219789,0,1,0,0.606872201,1,0.4134078324,0.2455021292,0.1679056883,732279,0.6003324986,0.4547680914,0.1558376104,0.524194777,0.04394227639,0.8731740117,0.1268259734,0.8731740117,0.1268259734,0.5885437727,0.4048204124,0.005653676111,0.5457838178,0.04275993258,,,0.07265378535,0.04259571806,0.3117807209,0.1549703181,0.533248961,0.8457790613,0.6882193089,0.008295213804,0.09331606328,0.002967610024,0.05039142817,0.2268882692,0.03219113126,0.04273984954,0.1078910232,0.1235387102,0.01198766939,0.01140431687,0.04320565611,0.07855403423,0.1422349215,0.2789615989,0.1289429069,0.02219400182,0.2825149,0,46,0.2362428904,0.4308422804,3583.333252,4582.349609,1.628276706,645000,824822.9375,293.0898132,560667,623450.875,667983,0.9795920253,2.273085833,0.01902444288,0.003059386509,0.5142028928,0.4637132585 +Paraguay,PRY,Latin America and Caribbean,LCN,2007,eph,Female,1846311,0.2315064967,0.1717792898,0.1755782217,0.6314250231,0.5929152966,0.4069336057,0.2413448691,0.1655887365,793320,0.7246876955,0.7246876955,0.1542858779,0.6849501133,0.1116722822,0.9451658726,0.05483411625,0.8565785289,0.143421486,0.5236276984,0.4177234769,0.05864882097,0.8167584538,0.1832415611,0.4918155074,,0.1832415611,0.11074806,0.216556266,0.1919863373,0.5914574265,0.783443749,0.7682771087,0.001809770125,0.1295352578,0.003622207558,0.05701909214,0.2632822096,0.04119393975,0.0439546071,0.1746608168,0.06836583465,0.04341180995,0.06769634038,0.05370362848,0.06867524236,0.1758010983,0.1940988451,0.173059091,0.04584173113,0.1747208387,0.002991388552,46,0.2767309546,0.393576622,5892.117676,6968.369629,2.677394867,1060581.125,1254306.5,481.9310303,696821.375,912085,1154811.625,,1.990296245,0.04496165738,0,0.8024060726,0.1526322812 +Paraguay,PRY,Latin America and Caribbean,LCN,2007,eph,Higher education,4890769,0.2244806439,0.2445476353,0.06261428446,0.5934731364,0.7129050493,0.4069336057,0.2413448691,0.1655887365,2524719,0.7241094112,0.7274373174,0.1528185904,0.6814851761,0.1058573648,0.9411356449,0.05886437371,0.8734889627,0.1265110523,0.5095991492,0.436607331,0.05355660245,0.8373601437,0.1624028981,0.4477805197,,0.1626303941,0.09470675141,0.2687218487,0.1907284409,0.5405496955,0.7907493711,0.6804759502,0.003628138686,0.1216493845,0.003704768838,0.06174614653,0.2406343967,0.04128465801,0.0427338928,0.1506467015,0.06525007635,0.03594751656,0.05422828719,0.04692852125,0.06024444103,0.1593436748,0.2457288206,0.1645652503,0.04490924999,0.1842348576,0.003869360778,46,0.2604045272,0.4102135301,5498.327637,6502.649902,2.498455524,985253.625,1170477,447.7019958,661737.5,845972.5625,1096306.125,0.9528383613,1.990296245,0,0,0.8188747764,0.1811252236 +Paraguay,PRY,Latin America and Caribbean,LCN,2007,eph,Lower education,1113848,0.3034893572,0.009749983437,0.6113967299,0.5242708325,0.08511395007,0.4069336057,0.2413448691,0.1655887365,56751,0.5986139774,0.5978298187,0.643646419,0.56625247,0.07993219793,0.9459393024,0.05406071991,0.8338501453,0.1661498696,0.2922154069,0.6962352991,0.01154928003,0.9794348478,0.02056516893,0.1134697497,,0.02056516893,0.00461971201,0.4885904193,0.126539126,0.3848704398,0.3695016801,0.6516888738,0,0.09854143858,0,0.02799768932,0.2041987181,0.01702587493,0.007544287946,0.06970549375,0.08639606833,0.0169886183,0,0.01076690946,0,0.1130898073,0.4246782064,0.1102024838,0.02326621115,0.3010077775,0,46,0.3871890008,0.3574370444,3594.019531,4250.501465,1.633132577,646923.5,765090.25,293.9638367,532863.375,828780.5625,576449.5,0.9528383613,1.990296245,0.9900215268,0.006444875617,0.003533606185,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2007,eph,Male,1190215,0.1449586898,0.1720092595,0.1969333291,0.6518158317,0.658107996,0.4069336057,0.2413448691,0.1655887365,577704,0.7375352383,,0.2046862245,0.6973981261,0.1216442585,0.9455794096,0.05442060158,0.8664361238,0.1335638613,0.5228030086,0.4228314161,0.05400126427,0.7979863286,0.2016493827,0.4908557534,,0.2017228752,0.1145707667,0.197983399,0.1756527573,0.6263638735,,0.8187871575,0.002073009498,0.1133123115,0.003891471075,0.0563759692,0.2776697278,0.03769690916,0.04423641041,0.188678652,0.07808213681,0.03146458045,0.0722085461,0.06258501112,0.06745993346,0.1928624362,0.1766377091,0.1647515446,0.04087759554,0.181743294,0.009409352206,46,0.2689650059,0.4310597181,6252.888672,7395.038574,2.841330051,1125027.5,1331106.875,511.2156372,720000,933311.375,1239205,,1.990296245,0.06373856217,0.001645578537,0.7957543731,0.1388615072 +Paraguay,PRY,Latin America and Caribbean,LCN,2007,eph,Old worker,2374572,0,0,0,0.617528975,1,0.4069336057,0.2413448691,0.1655887365,1891075,0.7963856459,0.8041111231,,0.7693542242,0.122666046,0.9660574198,0.03394259885,,,0.4750999808,0.4579719603,0.06672881544,0.8101212382,0.1896794885,0.5086770654,,0.1899631172,0.1110145301,0.258374989,0.1859091818,0.5557157993,0.7870481014,,0.002211066429,0.1172845364,0.004495506641,0.06191807613,0.2413276732,0.04060576111,0.04110404477,0.1685442626,0.06413406879,0.04404979572,0.06557384133,0.04540510848,0.05051379651,0.1636828184,0.2384728789,0.1644086391,0.04845619947,0.1749336421,0.004503288772,46,0.2621355653,0.4183558226,6127.199219,7246.391113,2.784216404,1102895.875,1304350.5,501.1589661,680489.5625,937500.0625,1213304.875,0.9528383613,1.990296245,0.06472784281,0.0003558732569,0.9210278988,0.01388836093 +Paraguay,PRY,Latin America and Caribbean,LCN,2007,eph,Rural,2518119,0.2657690048,0.2000175565,0.1735454053,0,0.560685575,0.4069336057,0.2413448691,0.1655887365,1045281,0.7403506041,0.7421868443,0.1848717779,0.7129883766,0.1207978129,0.963041544,0.03695848212,0.9235258698,0.0764741227,0.3071745932,0.6554697752,0.03735562414,0.9332975149,0.06670249254,0.3019239008,,0.06714852899,0.04758957773,0.6019710302,0.12616916,0.2718597949,0.444842428,0.3719622791,0.006908354815,0.08330376446,0.001221459941,0.03473557904,0.1266164035,0.02021719888,0.01108358148,0.07307590544,0.04086672887,0.009024992585,0.0244891718,0.01263598353,0.01240154169,0.08854625374,0.5437694788,0.1109989658,0.03014357574,0.1628462374,0.005143798888,46,0.3289114535,0.3326287866,4792.025879,5667.335449,2.177510023,862564.625,1020120.375,391.9517822,654032.5,783924,1035077.688,0.9528383613,1.990296245,0.04910568148,0.0002353089949,0.8037474155,0.1469115764 +Paraguay,PRY,Latin America and Caribbean,LCN,2007,eph,Total,6004617,0.2391366512,0.2009930015,0.1644126475,0.5806362033,0.5964506865,0.6765845154,0.4009328124,0.275651703,2581470,0.7207874696,0.7246876955,0.157235235,0.6784348663,0.1052845791,0.9412412047,0.05875876918,0.8732667565,0.1267332435,0.5047963262,0.4423434734,0.05262850225,0.8406939279,0.159306087,0.4434984624,,0.1594909132,0.09271639585,0.2735816538,0.1893096417,0.5371087193,0.783443749,0.680321753,0.003547944827,0.1211386174,0.003622881137,0.0610001944,0.2398290485,0.04074845836,0.04195608571,0.1488576382,0.06571747363,0.03552864492,0.0530301854,0.04612957686,0.05891341716,0.158321768,0.2496824861,0.1633641869,0.04443107173,0.1868147999,0.003783872351,46,0.2631803751,0.4090580344,5440.952637,6434.794922,2.472384214,978688.75,1158263.125,444.7189026,655549.1875,843891.75,1093266.25,0.9528383613,1.990296245,0.04959125817,0.0003228308633,0.7780334353,0.1720524579 +Paraguay,PRY,Latin America and Caribbean,LCN,2007,eph,Urban,3486498,0.2199014574,0.2016975135,0.1578165293,1,0.6222820282,0.4069336057,0.2413448691,0.1655887365,1536189,0.7080566287,0.7155269384,0.1374410242,0.6559489369,0.09431137145,0.926407516,0.07359250635,0.8308169246,0.1691830903,0.6445830464,0.2915896475,0.06343170255,0.7748586535,0.2247457504,0.4913157821,,0.2248346955,0.1246366277,0.04131222889,0.233968839,0.7247189283,0.9724229574,0.9697800279,0.001171130571,0.1478991657,0.0053214035,0.07957712561,0.319904238,0.05527019128,0.06379216909,0.2024579644,0.08329437673,0.05427587032,0.07321853191,0.06982110441,0.09181337059,0.2076771259,0.04166148603,0.2004044652,0.05453726649,0.2037688643,0.002821934875,46,0.2167126685,0.4630886614,5714.285645,6758.054688,2.59658742,1027083.375,1216449.875,466.7095642,657578.0625,855535.4375,1117250,0.9528383613,1.990296245,0.05016911775,0.0004269859637,0.7474325895,0.2019713074 +Paraguay,PRY,Latin America and Caribbean,LCN,2007,eph,Young worker,1206886,0,1,0,0.5826714635,1,0.4069336057,0.2413448691,0.1655887365,690395,0.5720465779,0.529972434,0.157235235,0.4995492399,0.05261577666,0.8732667565,0.1267332435,0.8732667565,0.1267332435,0.59478122,0.3949865699,0.009902155958,0.9325492382,0.06712069362,0.2860680521,,0.0671428591,0.03726992384,0.319678247,0.1996175647,0.4807041883,0.7682771087,0.680321753,0.007600479294,0.1328216493,0.0009776550578,0.0582177788,0.235286206,0.04118102044,0.04453890771,0.08918073028,0.07051730901,0.009708093479,0.01502075791,0.04832484201,0.08436570317,0.1420768648,0.2836495042,0.1601992995,0.03223425522,0.2228167504,0.001603917102,46,0.2663478255,0.3808701634,4166.666504,4927.748047,1.893344879,749982.375,886994.625,340.7940979,603911.8125,668382.3125,826208.375,0.9528383613,1.990296245,0.01720668748,0.0002521369315,0.4720982313,0.5104429722 +Paraguay,PRY,Latin America and Caribbean,LCN,2008,eph,Female,1976903,0.2086222768,0.1850267798,0.1714702249,0.6239957213,0.6199074984,0.3995673656,0.2382055968,0.1613617688,888146,0.7247231007,0.7247231007,0.1456804574,0.6853554249,0.1322263032,0.9456789494,0.05432102457,0.8784741759,0.1215257943,0.5573847294,0.3951965868,0.04715555906,0.3680445552,0.1889258325,0.4693131149,,0.3392026424,0.1097034067,0.2012814432,0.1860958934,0.6126226783,0.7987185717,0.7994744778,0.002434260678,0.1278105974,0.004967368674,0.05088366941,0.2647782564,0.04349037632,0.04904130101,0.1712545305,0.08405821025,0.04390279204,0.07599110156,0.04996422306,0.07297407836,0.1714416295,0.1829691827,0.1416131258,0.05071311817,0.2096056491,0.0008250972605,46,0.2586473525,0.4349839985,6250,6710.229004,2.840017557,1120790.5,1207841.25,509.2903442,687469.6875,1079521.75,1172173.375,,2.153915405,0.05418930948,0.0003726379364,0.7700891495,0.1753489077 +Paraguay,PRY,Latin America and Caribbean,LCN,2008,eph,Higher education,5016614,0.2166054696,0.2403150797,0.06405775249,0.6014795899,0.7193368077,0.3995673656,0.2382055968,0.1613617688,2630863,0.7290465832,0.7288712859,0.1335188001,0.6866660118,0.1182080805,0.941868484,0.05813149363,0.8813450933,0.1186549142,0.5360004306,0.411285311,0.05148900673,0.3688538969,0.166584,0.4381606877,,0.3111173213,0.09869096428,0.2336325198,0.197050795,0.5693166852,0.8039522767,0.73390764,0.002403713297,0.1235691905,0.004347596318,0.06673029065,0.2419781089,0.04520910606,0.04670042545,0.1581319571,0.07729709893,0.03631866351,0.06553582847,0.05303586274,0.05884636566,0.1544658095,0.2121313512,0.1573331207,0.0500773415,0.2096591294,0.002596525243,46,0.2417422086,0.4285252988,6100,6549.183594,2.771857023,1095954.5,1178853,498.0047913,776308.3125,1017654.563,1172173.375,0.9326283336,2.153915405,0,0,0.8052204847,0.1947795004 +Paraguay,PRY,Latin America and Caribbean,LCN,2008,eph,Lower education,1147299,0.3320599198,0.01286499854,0.5813314319,0.5174396634,0.0866086334,0.3995673656,0.2382055968,0.1613617688,58551,0.5892457962,0.571772933,0.6554877758,0.5598896742,0.1026890054,0.9501801729,0.0498198159,0.9366570115,0.06334296614,0.4058669209,0.5692741871,0.02485889941,0.3779343665,0.02793256007,0.114038974,,0.06882196665,0.006470863242,0.4499047399,0.1445878446,0.4055074155,0.5449401736,0.7194651365,0,0.09125714749,0,0.05333069712,0.168530032,0.03239026666,0.02361864969,0.09434878081,0.08661969006,0,0,0.001096451771,0,0.1030664667,0.3696300685,0.1133299768,0.0432828851,0.3695941269,0,46,0.3591868281,0.3384261429,4092.082031,4393.40918,1.859453559,736574.75,790813.6875,334.7016296,696686.875,654545.4375,855876.25,0.9326283336,2.153915405,0.9746895432,0.02345872857,0.00185174006,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2008,eph,Male,1281159,0.1584682316,0.1788841188,0.1891716868,0.6233176589,0.6523600817,0.3995673656,0.2382055968,0.1613617688,620384,0.7422841191,,0.1682702154,0.7024864554,0.1340828687,0.9463848472,0.05361517891,0.8576905727,0.1423094571,0.5599194169,0.373128593,0.06695201248,0.3616267145,0.1974853575,0.4768167734,,0.3532124758,0.1210446879,0.2055177689,0.1755989343,0.6188833117,,0.7851541042,0.001004901831,0.1065519601,0.004631064832,0.06341101229,0.2444108725,0.05223275721,0.0500543341,0.182364136,0.08982119709,0.03623097017,0.08777222037,0.06628946215,0.05596962944,0.1603619009,0.1845118999,0.138582781,0.05941013992,0.2080674917,0.002803505864,46,0.25559026,0.4093134701,6789.960449,7289.950195,3.085376978,1222192.875,1312191,555.3678589,859337.25,1106557.375,1274368.875,,2.153915405,0.04803517461,0.000460059382,0.7845703363,0.1669344157 +Paraguay,PRY,Latin America and Caribbean,LCN,2008,eph,Old worker,2487673,0,0,0,0.6192220449,1,0.3995673656,0.2382055968,0.1613617688,1963286,0.7892057896,0.7947301269,,0.76109761,0.1350138038,0.9643841982,0.03561579809,,,0.5026112199,0.4320135415,0.0642972663,0.3068309128,0.195135951,0.5104032159,,0.3887426853,0.1185784861,0.2289862484,0.193189308,0.5778244734,0.79851228,,0.002017160179,0.1199158877,0.005359897856,0.06589636207,0.242649883,0.04782328382,0.04563494399,0.1785001755,0.06321614981,0.04472150654,0.08005547523,0.05245959386,0.04493329674,0.1577727944,0.2105915248,0.1583004147,0.05744437501,0.1906888336,0.003032172332,46,0.2418736815,0.4373437166,6843.788574,7347.742188,3.109836578,1230739.625,1322593.625,559.2515259,796839.9375,1128178,1350000,0.9326283336,2.153915405,0.06265427917,0.001409143908,0.9252070785,0.01072948333 +Paraguay,PRY,Latin America and Caribbean,LCN,2008,eph,Rural,2552864,0.2660333514,0.1879712343,0.1749411672,0,0.5590254664,0.3995673656,0.2382055968,0.1613617688,1033264,0.7240224481,0.7225180268,0.2079355717,0.6997651458,0.1277599931,0.9664964676,0.03350353986,0.9304056168,0.06959439069,0.3409906924,0.6289896369,0.02909739874,0.2702669501,0.07037528604,0.2827571332,,0.2065958977,0.04537643865,0.559243381,0.1455081701,0.295248419,0.4886655807,0.4075861573,0.001604692661,0.0972301513,0.0008213782567,0.04585193843,0.1387798786,0.02294149622,0.01040946692,0.07062651217,0.05249108002,0.01156265568,0.03246595711,0.01239978895,0.0131838508,0.0880722478,0.5027287006,0.1199804544,0.03468095884,0.1849253923,0,46,0.2927569151,0.3704793453,5346.986816,5740.720703,2.429685831,955456.3125,1033329.75,434.1620178,721843.1875,1007475.563,1078205.875,0.9326283336,2.153915405,0.0581921488,0.001179281157,0.8023252487,0.1383033246 +Paraguay,PRY,Latin America and Caribbean,LCN,2008,eph,Total,6163913,0.2380951792,0.1979794353,0.1603387296,0.5858371258,0.6015660912,0.6623277387,0.3957922208,0.2665355178,2689414,0.7253002262,0.7247231007,0.1398320794,0.6832686746,0.1178673059,0.9420494437,0.05795054138,0.8816613555,0.1183386371,0.5331428647,0.4147545695,0.05090424046,0.6929372222,0.3070627778,0.4327241182,,0.3070627749,0.09666591883,0.2383833379,0.1958983392,0.5657182932,0.7987185717,0.7338199019,0.002350911265,0.122859396,0.004252093378,0.06643594801,0.2403646857,0.04492751509,0.04619339108,0.1567308307,0.07750189304,0.03552114964,0.06409674138,0.05189533532,0.05755417049,0.1533371359,0.2155898362,0.1563668698,0.04992814362,0.2131711096,0.00253950851,46,0.2443239838,0.4265446663,6032.896484,6477.138672,2.741364956,1083644.25,1165885,492.4109802,773403.375,1012226.375,1165784,0.9326283336,2.153915405,0.04983480275,0.001199418912,0.7641451359,0.1848206371 +Paraguay,PRY,Latin America and Caribbean,LCN,2008,eph,Urban,3611049,0.2183440328,0.2050548196,0.1500154138,1,0.6316405535,0.3995673656,0.2382055968,0.1613617688,1656150,0.7260997295,0.7259346247,0.09569688141,0.6729471087,0.1114309281,0.926797092,0.07320290804,0.8490223289,0.1509776711,0.6581608653,0.2753689885,0.065092206,0.4333256185,0.2241537869,0.4835048318,,0.3409289718,0.1300358623,0.02961129881,0.2286854088,0.7417032719,0.9740620255,0.9729180932,0.002836448606,0.1395354122,0.006484335288,0.079829216,0.3064622283,0.05923302472,0.06947669387,0.2127557993,0.09377551824,0.05110901967,0.08467634767,0.07759191841,0.08642237633,0.195799768,0.02877162583,0.180040583,0.05984826386,0.2315483242,0.004191763233,46,0.2128079385,0.4630272686,6250,6710.229004,2.840017557,1125000,1207841.25,511.2031555,889269.625,1016183.313,1183919.25,0.9326283336,2.153915405,0.0399999544,0.00122311688,0.7192151546,0.2395617813 +Paraguay,PRY,Latin America and Caribbean,LCN,2008,eph,Young worker,1220328,0,1,0,0.6067737341,1,0.3995673656,0.2382055968,0.1613617688,726128,0.5950269103,0.5601809621,0.1398320794,0.5246122479,0.06715724617,0.8816613555,0.1183386371,0.8816613555,0.1183386371,0.6234389544,0.3637118936,0.01129492559,0.5530733466,0.07009383291,0.2482154518,,0.1124799773,0.03186040744,0.2661801279,0.2039117068,0.5299081802,0.7994744778,0.7338199019,0.003338152077,0.1315663159,0.0009751904872,0.06803204119,0.2336049974,0.03636179119,0.04784528166,0.09233678132,0.1197593287,0.008311478421,0.01689943299,0.05022656918,0.0948798731,0.1402188987,0.230372116,0.1506484747,0.02769920044,0.2796614766,0.001082475879,46,0.2515731156,0.3945962787,4375,4697.160156,1.988012195,786831.75,845488.8125,357.5385437,692001.0625,757619.625,810000,0.9326283336,2.153915405,0.02265001647,0.0007546794368,0.4225995839,0.5539957285 +Paraguay,PRY,Latin America and Caribbean,LCN,2009,eph,Female,3119614,0.3064212501,0.1986200809,0.08024261892,0.6010596156,0.6133361459,0.3911178708,0.3210271895,0.07009066641,1137459,0.5944787264,0.5944787264,0.2272109538,0.5458321571,0.1290152967,0.9181693792,0.08183064312,0.8186104298,0.1813895702,0.50610888,0.4605832994,0.03104425594,0.3455140889,0.1596545279,0.4402408302,,0.3160420656,0.1103918105,0.1914106905,0.1017575562,0.7068317533,0.8085893393,0.8573539853,0.0001986533753,0.09662999213,0.00280226022,0.002126646694,0.2983869612,0.01541435067,0.03492460772,0.1937849373,0.1643208861,0.02815929055,0.0901587531,0.04357226193,0.07963384688,0.2617371082,0.1809303164,0.07425649464,0.002552710706,0.2389992177,0,46,0.3807956576,0.3360917568,6260.474121,6551.65918,2.844776869,1125000,1179298.75,511.2031555,517538.8438,1242093.125,1125000,,2.15694499,0.03820020333,0.2359578907,0.5627901554,0.1630517542 +Paraguay,PRY,Latin America and Caribbean,LCN,2009,eph,Higher education,3524139,0.244684726,0.2983866334,0.05067592487,0.7017881274,0.7046393752,0.3911178708,0.3210271895,0.07009066641,1819890,0.7328670621,0.6089881659,0.1020402163,0.6747165918,0.1201679781,0.9206534624,0.07934655249,0.8511551619,0.1488448232,0.6074689627,0.3274120688,0.06230065599,0.3626018167,0.243520692,0.5475996137,,0.4017681181,0.1396643817,0.1364953071,0.1825785637,0.6809261441,0.9229826927,0.7952659726,0.0003537729499,0.121693708,0.005444870796,0.05508621782,0.2878712118,0.06083098799,0.06146610528,0.2073726058,0.06338521838,0.04440616816,0.09169507772,0.07922229171,0.09552560002,0.200529635,0.1177191362,0.1419938505,0.04307939112,0.1836163551,0.002212489722,46,0.2436737716,0.4216320813,7023.338379,7350.005371,3.191424608,1262187.875,1323001,573.541687,862564.625,1125000,1320810,0.9651398659,2.15694499,0,0,0.6729179621,0.3270820677 +Paraguay,PRY,Latin America and Caribbean,LCN,2009,eph,Lower education,2748964,0.4015079737,0.08438561112,0.1019864231,0.442278266,0.4965055883,0.3911178708,0.3210271895,0.07009066641,1021901,0.7487134337,0.5689555407,0.2765666842,0.7156430483,0.1308473647,0.9558303356,0.04416964203,0.9186204672,0.08137954026,0.3552782536,0.5949236751,0.04979810864,0.31790483,0.03737340868,0.171697557,,0.1051947549,0.009919488803,0.4782803357,0.1794793904,0.3422403038,0.6053454876,0.4687390029,0.004019394517,0.09472605586,0.003128698329,0.0776052326,0.191938892,0.02276189625,0.006512320135,0.03697208315,0.08405510336,0.007234091405,0.0004801569157,0.00556122046,0.007887268439,0.1262464672,0.3971081972,0.1555206776,0.0383040309,0.2616578937,0,46,0.2850724459,0.4062782824,4770.14502,4992.012207,2.167567253,858626,898562.1875,390.1620483,646923.5,989836.5,834000.0625,0.9651398659,2.15694499,0.0747371912,0.4978547394,0.4274080694,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2009,eph,Male,3153489,0.3203175962,0.2105322033,0.06615529954,0.5752143264,0.6135271192,0.3911178708,0.3210271895,0.07009066641,1704332,0.8809050918,,0.04620046914,0.8310485482,0.1209088787,0.9434030652,0.05659695342,0.892545104,0.1074548811,0.5201035738,0.4034220278,0.07500783354,0.3465481102,0.1727631241,0.4587539732,,0.332677424,0.07985959202,0.3088111877,0.2331541926,0.4580346048,,0.6517900229,0.002684837906,0.1215540171,0.005750910379,0.1031644344,0.2226746082,0.06714773923,0.04525727406,0.1125109121,0.01044408232,0.03237757832,0.03728095442,0.05763021111,0.05260866508,0.1156466454,0.246386528,0.1942094862,0.06650218368,0.1950522214,0.002305531874,46,0.179811582,0.4678440392,6372.580566,6668.979492,2.895718336,1145382.5,1200416.375,520.4650269,735965.25,1038890.063,1264640.875,,2.15694499,0.03049574979,0.2205681205,0.5582820177,0.1906541437 +Paraguay,PRY,Latin America and Caribbean,LCN,2009,eph,Old worker,2564594,0,0,0,0.6119912267,1,0.3911178708,0.3210271895,0.07009066641,2031920,0.792296946,0.644423902,,0.7610803246,0.1465503126,0.9605998397,0.03940017149,,,0.472771138,0.4489400387,0.07668472826,0.2802523971,0.1913629174,0.5312018394,,0.4057606161,0.1089457124,0.2581028342,0.1851917952,0.5567053556,0.7933347225,,0.00211316999,0.111413531,0.0055405288,0.06612457335,0.2448506206,0.04888976365,0.04207199439,0.1619130671,0.05897992104,0.0399582535,0.0755847469,0.0558471866,0.04748696461,0.1734174788,0.2205022722,0.1572129577,0.04664827883,0.1814426482,0.001899212133,46,0.2549211085,0.4208883345,7233.273926,7569.705078,3.286819935,1300000,1362546.875,590.7236328,646923.5,1158096.125,1429778.125,0.9651398659,2.15694499,0.04665023834,0.3036787808,0.4749626517,0.1747083366 +Paraguay,PRY,Latin America and Caribbean,LCN,2009,eph,Rural,2584097,0.3503603041,0.1919324249,0.07262691855,0,0.5770127773,0.3911178708,0.3210271895,0.07009066641,1101079,0.7384553552,0.5496984124,0.1722577065,0.7085074782,0.1376056075,0.9594452381,0.04055476561,0.9226888418,0.07731117308,0.3083399236,0.6435288787,0.04761057347,0.2429770231,0.06453179568,0.2996825576,,0.2098534703,0.03748017922,0.5944681168,0.1214944944,0.2840374112,0.5147160888,0.4054050446,0.002875340404,0.07478536665,0.0005985557218,0.04323523119,0.1465031356,0.01856280304,0.00923310034,0.06292979419,0.04680857062,0.01145751029,0.02544241212,0.01765861362,0.01794448309,0.1039184034,0.5059015155,0.1020555198,0.02746243216,0.1881591231,0,46,0.3171183765,0.3384070694,5724.173828,5990.414551,2.601080656,1023785.938,1078274.625,465.2111816,735965.25,1038890.063,1138585.375,0.9651398659,2.15694499,0.04902268574,0.3244149685,0.5379756093,0.08858674765 +Paraguay,PRY,Latin America and Caribbean,LCN,2009,eph,Total,6273103,0.3134069443,0.2046083063,0.07316092402,0.588067174,0.6134321243,0.6301721951,0.5109072901,0.119264905,2841791,0.7384875885,0.5944787264,0.1335824877,0.6892326808,0.1241009533,0.9333029985,0.06669702381,0.8648167253,0.1351832598,0.514592886,0.4259305,0.05769625306,0.6737637377,0.3262362043,0.4515689909,,0.3262362182,0.09188229591,0.2626011074,0.1814350784,0.5559638143,0.8085893393,0.7248510122,0.001706249313,0.1117436588,0.004590290599,0.06339488924,0.2524757981,0.04678492621,0.04119022563,0.1445012242,0.07101162523,0.03071653843,0.05810270086,0.05209459737,0.06325040013,0.1731728315,0.220611766,0.1469754726,0.04132073373,0.2123572677,0.001397680142,46,0.2589481771,0.4159671664,6348.772949,6644.064453,2.884900093,1140224.125,1195931.5,518.1210327,701869.25,1076480.75,1204420,0.9651398659,2.15694499,0.03423159197,0.2280305326,0.5604679585,0.1772699058 +Paraguay,PRY,Latin America and Caribbean,LCN,2009,eph,Urban,3689006,0.2875216305,0.2134875953,0.07353498787,1,0.6389433742,0.3911178708,0.3210271895,0.07009066641,1740712,0.7385079861,0.6213646531,0.1092263833,0.6770395637,0.1151609793,0.9167668223,0.08323318511,0.8269156218,0.1730843931,0.6511307359,0.2818820477,0.0643728897,0.4144346416,0.2358325869,0.4994799793,,0.3626702428,0.1278960705,0.04241849482,0.221203655,0.7363778353,0.9689003825,0.9585748911,0.0009305967251,0.1362642348,0.007238672581,0.07677014172,0.3227851093,0.06550935656,0.06239270791,0.1986211389,0.08706954122,0.04346586391,0.07972355187,0.07489094883,0.09324256331,0.2190187275,0.03175218776,0.1767121404,0.0504948236,0.2283762544,0.002322933404,46,0.2203025818,0.467494458,6546.54248,6851.032715,2.974767208,1174309.375,1233185.875,533.609436,582783.8125,1083977.875,1227417.375,0.9651398659,2.15694499,0.02227407694,0.1501107514,0.5786514282,0.2489637583 +Paraguay,PRY,Latin America and Caribbean,LCN,2009,eph,Young worker,1283529,0,1,0,0.6135872006,1,0.3911178708,0.3210271895,0.07009066641,809871,0.6309720874,0.4901939631,0.1335824877,0.5456752181,0.06153856963,0.8648167253,0.1351832598,0.8648167253,0.1351832598,0.6311426759,0.3618069887,0.004778766073,0.5297605395,0.1013820842,0.2857282162,,0.1606326103,0.04432958737,0.2751490176,0.1709557474,0.5538952351,0.8573539853,0.7248510122,0.0005711455597,0.1126645431,0.001939604525,0.05578045174,0.2737461925,0.04091348872,0.03873053938,0.09593097866,0.1045740321,0.004961521365,0.00938334316,0.04163680226,0.1071802825,0.1724910438,0.220916912,0.1184454411,0.02647382207,0.2985108197,0,46,0.2701728046,0.4022503793,4977.168945,5208.665039,2.261639595,883783.1875,937559.6875,401.5935669,776308.3125,850178.75,895890.375,0.9651398659,2.15694499,0.01215371955,0.09354300052,0.7124794126,0.1818238646 +Paraguay,PRY,Latin America and Caribbean,LCN,2010,eph,Female,3158144,0.3108183146,0.1902196407,0.0737965107,0.6078019142,0.6153851748,0.3857875466,0.3189255297,0.06686202437,1112540,0.5724488497,0.5724488497,0.2417531013,0.5288295746,0.09004667401,0.9238023162,0.07619770616,0.8264503479,0.1735496521,0.5335450768,0.4354926646,0.02933252417,0.1757655144,0.1638260484,0.1126257181,0.7990941405,0.4824208319,0.07920374721,0.1714727134,0.08488313109,0.7436441779,0.8285272717,0.8424301147,0,0.07973943651,0.002234356012,0.002909338102,0.2952564359,0.01737226546,0.04556469619,0.1901160479,0.1953347325,0.02172701806,0.08557271957,0.04906914756,0.08389160037,0.2611011565,0.1672406793,0.05870006233,0.004111254122,0.2685863674,0,45,0.3843895793,0.3192770779,7098.491211,7098.491211,3.225574255,1275000,1277728.5,579.3635864,948383.75,1324701.875,1275000,,1.35360682,0.03597584739,0.2504152358,0.5587924123,0.1548164934 +Paraguay,PRY,Latin America and Caribbean,LCN,2010,eph,Higher education,3526356,0.2531695664,0.2815608978,0.04498184472,0.7020508051,0.7018485665,0.3857875466,0.3189255297,0.06686202437,1771645,0.7158254385,0.5894612074,0.1028790846,0.6646332145,0.09292280674,0.9284850955,0.0715148896,0.8639365435,0.1360634565,0.6404483914,0.298820138,0.05889676511,0.3124205768,0.2627806664,0.1647835225,0.8732836843,0.4568499625,0.1499647945,0.1297290772,0.1904198825,0.6798510551,0.9297360182,0.7881993651,0.001251268899,0.1223097146,0.007493616082,0.0593652837,0.2838146985,0.04970568419,0.06890317053,0.2106111944,0.06681630015,0.04328346252,0.08948912472,0.07492435724,0.109987177,0.1984890401,0.1140853241,0.1514537632,0.04625131562,0.1720364243,0,45,0.2272995859,0.3998129368,8162.769531,8162.769531,3.709185362,1469298.5,1469298.5,667.6533203,1061835,1221969.125,1555747.75,0.9980272651,1.35360682,0,0,0.6801795959,0.3198204339 +Paraguay,PRY,Latin America and Caribbean,LCN,2010,eph,Lower education,2855584,0.394274503,0.0906676203,0.0948401466,0.452200681,0.5108853579,0.3857875466,0.3189255297,0.06686202437,1062434,0.7282551527,0.5455003381,0.3145275116,0.7010157108,0.1129779667,0.9625962377,0.03740373626,0.8999905586,0.1000094339,0.3928463459,0.5686133504,0.03854032606,0.2511697114,0.03899892047,0.04969712347,0.5449757576,0.1344008893,0.03129672259,0.4308332503,0.1968221217,0.3723446429,0.6637907624,0.4977227747,0.001760055544,0.09320373833,0.003672649153,0.09818567336,0.18344374,0.02585521527,0.01303907856,0.04732887074,0.1026777253,0.002981338417,0,0.01086052042,0.008423821069,0.129217416,0.3811762035,0.1581879258,0.03727699816,0.2718757689,0,45,0.2773493826,0.4019521475,5513.888672,5513.888672,2.505526543,992499.9375,992499.9375,450.994751,927544.125,1037222.75,977575.125,0.9980272651,1.35360682,0.07099918276,0.4939761758,0.4350246489,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2010,eph,Male,3223796,0.3216831982,0.2019519806,0.06091762707,0.5730673075,0.6173991561,0.3857875466,0.3189255297,0.06686202437,1721539,0.8649345636,,0.05890466645,0.8239045143,0.1072326303,0.952562809,0.04743720591,0.8989064693,0.1010935158,0.5530333519,0.3814170957,0.06473058462,0.3598684967,0.1852392256,0.1256999075,0.7728299499,0.3398213387,0.1203068048,0.2914485931,0.2605188191,0.4480325878,,0.6513720155,0.002352463081,0.1308142841,0.008403833024,0.118948251,0.2140241265,0.0550772883,0.04866658151,0.1215728074,0.008691790514,0.03163878247,0.03610142693,0.05114531517,0.06295906007,0.1160409972,0.2474510968,0.213760376,0.06704951823,0.1738534272,0,45,0.1601674855,0.4515736699,7301.305664,7301.305664,3.317733765,1314235,1314235,597.1920776,952234.75,1160000,1509316.75,,1.35360682,0.03165262938,0.2201159596,0.5682164431,0.1800149977 +Paraguay,PRY,Latin America and Caribbean,LCN,2010,eph,Old worker,2682051,0,0,0,0.6198137403,1,0.3857875466,0.3189255297,0.06686202437,2116369,0.7890860438,0.6334218383,,0.7611607909,0.1161397249,0.9646106362,0.03538938612,,,0.5129024386,0.4207057357,0.06511428952,0.2368947566,0.2062232494,0.1155181155,0.8111957312,0.4653912783,0.1151120365,0.2337721139,0.1953728944,0.5708549619,0.8248200417,,0.001748471172,0.1107600331,0.00726348348,0.07560091466,0.2398336679,0.0435936451,0.04922286794,0.1672963798,0.07090841979,0.03483255953,0.06711741537,0.05314742774,0.06227250397,0.1774635017,0.21023269,0.1618556678,0.04894569516,0.1841325462,0,45,0.2411481738,0.4086828232,8162.769531,8162.769531,3.709185362,1469298.5,1469298.5,667.6533203,936913.3125,1288255.625,1575000,0.9980272651,1.35360682,0.04643283039,0.3059620857,0.4749746025,0.1726305038 +Paraguay,PRY,Latin America and Caribbean,LCN,2010,eph,Rural,2614962,0.3552120328,0.190779835,0.06406785548,0,0.5807201266,0.3857875466,0.3189255297,0.06686202437,1088780,0.716981411,0.5100498796,0.184821263,0.6876904964,0.1360758394,0.9591469169,0.04085306451,0.9188595414,0.08114045113,0.3254380822,0.6366532445,0.03790864721,0.2205486894,0.0557378158,0.04095853865,0.5870385766,0.201739192,0.02814899944,0.5776768923,0.1386584342,0.2836646438,0.5239613652,0.3886847198,0.002253183862,0.08038494736,0.001736091217,0.05428421125,0.1411969811,0.0210389737,0.01369146816,0.05858565494,0.04915158451,0.007336014416,0.02118931338,0.01657186635,0.01874461398,0.1049516425,0.510864675,0.1090912595,0.02772862278,0.1835219711,0,45,0.3126802742,0.3384017944,6122.908203,6122.908203,2.782266617,1098185.25,1102123.5,499.0184631,903639.3125,1058038.625,1195119.75,0.9980272651,1.35360682,0.04659934714,0.3369505405,0.5316547155,0.0847953856 +Paraguay,PRY,Latin America and Caribbean,LCN,2010,eph,Total,6381940,0.3163066506,0.1961461604,0.06729082018,0.5902559161,0.6164025366,0.6223165026,0.5131494954,0.1091670072,2834079,0.720435024,0.5724488497,0.146654442,0.67812576,0.1006113663,0.9412726164,0.05872736871,0.8724540472,0.1275459379,0.545525074,0.4022509158,0.05109270662,0.6201359554,0.3798640126,0.1206627861,0.7827189565,0.3798640072,0.1044709533,0.245242089,0.1928759813,0.5618818998,0.8285272717,0.7173640132,0.001446455484,0.1111437455,0.006027773023,0.07425800711,0.2453092486,0.04055589437,0.04747194797,0.1479709744,0.08057387173,0.02782117017,0.05515577644,0.05034565926,0.07102143019,0.1719123274,0.2165572792,0.1540373862,0.04280823469,0.2103407383,0,45,0.2465027571,0.4006337225,7235.052246,7235.052246,3.287627935,1299457.875,1302309.375,590.4772949,952234.75,1168839.875,1410000,0.9980272651,1.35360682,0.03374910355,0.2348090857,0.5636464357,0.1677953899 +Paraguay,PRY,Latin America and Caribbean,LCN,2010,eph,Urban,3766978,0.2892992795,0.1998713613,0.06952814758,1,0.6411725879,0.3857875466,0.3189255297,0.06686202437,1745299,0.7226064205,0.608753264,0.1213649437,0.6721121073,0.07779696584,0.9301220179,0.06987799704,0.8391282558,0.160871774,0.6871076226,0.2514591813,0.05957405269,0.3329343498,0.2549907863,0.1719367653,0.8424576521,0.4337130189,0.1535690874,0.03114656731,0.2277933061,0.7410601377,0.9797452688,0.9761334658,0.0009269040893,0.1309531033,0.008791713044,0.08712158352,0.3123598993,0.05312523246,0.06922733784,0.2055371255,0.1008105353,0.04101565853,0.0770335719,0.07209935784,0.1046929285,0.2150417119,0.02699385397,0.1829871982,0.05252101272,0.2276147008,0,45,0.2038090527,0.440781951,7666.370605,7666.370605,3.483620167,1379946.625,1379946.625,627.0516357,1244598.25,1194814.125,1457172,0.9980272651,1.35360682,0.02355485968,0.1537791342,0.5890257955,0.2336402386 +Paraguay,PRY,Latin America and Caribbean,LCN,2010,eph,Young worker,1251793,0,1,0,0.6014660597,1,0.3857875466,0.3189255297,0.06686202437,717710,0.5733456016,0.4361663461,0.146654442,0.5002176762,0.04998490959,0.8724540472,0.1275459379,0.8724540472,0.1275459379,0.6518831253,0.3420833647,0.005378739443,0.4586158097,0.08167922497,0.1374357343,0.7098231316,0.1511752307,0.06977828592,0.282635957,0.1847356558,0.5326283574,0.8424301147,0.7173640132,0.0004618391395,0.1123947054,0.001999172149,0.06987993419,0.2631604075,0.03065237589,0.04176368192,0.08496721834,0.1120846868,0.004965170287,0.01616277173,0.04121235013,0.09954151511,0.153816402,0.2371743768,0.1285510808,0.02280111052,0.2957752049,0,45,0.2639354765,0.3744284809,5531.547363,5531.547363,2.51355052,995678.5,995678.5,452.4390869,956990,929009.4375,1017659.813,0.9980272651,1.35360682,0.01007714309,0.1020144969,0.7291368842,0.1587715 +Paraguay,PRY,Latin America and Caribbean,LCN,2011,eph,Female,3260985,0.2870580554,0.199315846,0.07205951214,0.6058755517,0.6408824325,0.3718338311,0.3028368652,0.06899695843,1232416,0.5896986723,0.5896986723,0.1974241734,0.5444856882,0.08285959065,0.9233286381,0.07667135447,0.8219050169,0.178094998,0.5407403708,0.433449477,0.02539886162,0.7958257198,0.2032849193,,,0.203465879,0.1281894743,,,,,,,,,,,,,,,0,0,0,0,0,0,0,0,0,0,46,0.3702317476,0.3422267735,8333.333008,7697.946777,3.786689758,1499999.875,1385630.5,681.604126,,,,,1.822232962,0.02981829457,0.2416802347,0.5582672954,0.1702341884 +Paraguay,PRY,Latin America and Caribbean,LCN,2011,eph,Higher education,3787850,0.2304415405,0.2856190205,0.04411684722,0.6934395432,0.7254416347,0.3718338311,0.3028368652,0.06899695843,1981458,0.7210902572,0.6086370349,0.09179466963,0.6726879478,0.08307045698,0.9328761697,0.06712380797,0.8560546041,0.1439453959,0.6467428207,0.2949025035,0.05657264963,0.719763279,0.278454721,,,0.2794059813,0.1516947895,,,,,,,,,,,,,,,0,0,0,0,0,0,0,0,0,0,46,0.2201174647,0.42419976,9000,8313.783203,4.089625359,1620000,1496480.875,736.1325073,,,,1.031172395,1.822232962,0,0,0.6617714167,0.3382285535 +Paraguay,PRY,Latin America and Caribbean,LCN,2011,eph,Lower education,2702604,0.3920370936,0.0815654099,0.1014184803,0.4517291486,0.5065444112,0.3718338311,0.3028368652,0.06899695843,990602,0.7236011624,0.5541157722,0.3159286678,0.6977558136,0.07085174322,0.9642823339,0.0357176736,0.9303109646,0.06968900561,0.3711721003,0.5889104009,0.03934800252,0.9586514235,0.04009756818,,,0.04014779627,0.0138502121,,,,,,,,,,,,,,,0,0,0,0,0,0,0,0,0,0,46,0.2839812934,0.4316516519,5994.934082,5537.842285,2.724114895,1079088.125,996811.625,490.3406677,,,,1.031172395,1.822232962,0.0650531128,0.5127776861,0.4221692085,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2011,eph,Male,3229469,0.3085049093,0.2020007074,0.06385476887,0.5795810223,0.6276403069,0.3718338311,0.3028368652,0.06899695843,1739644,0.8582590818,,0.06228970364,0.8218032718,0.07620771229,0.9575234652,0.04247650504,0.9027646184,0.09723537415,0.5611310005,0.3688548803,0.06799099594,0.8047924638,0.1931202114,,,0.194028303,0.08870539069,,,,,,,,,,,,,,,0,0,0,0,0,0,0,0,0,0,46,0.1540692151,0.4845675528,8188.513672,7564.169434,3.720883608,1473932.5,1361550.5,669.7590332,,,,,1.822232962,0.02849054709,0.2179967612,0.5505715609,0.2029411346 +Paraguay,PRY,Latin America and Caribbean,LCN,2011,eph,Old worker,2814532,0,0,0,0.6319107413,1,0.3718338311,0.3028368652,0.06899695843,2221560,0.7893177271,0.6455621123,,0.7641192079,0.09234283119,0.9680755734,0.03192441165,,,0.5179458261,0.4161932468,0.06432928145,0.776548624,0.2216170281,,,0.2224146575,0.1239753067,,,,,,,,,,,,,,,0,0,0,0,0,0,0,0,0,0,46,0.2401695102,0.4284334183,9043.75,8354.197266,4.109505177,1627875,1503755.5,739.7109375,,,,1.031172395,1.822232962,0.03865293413,0.3082288206,0.459605664,0.1935125738 +Paraguay,PRY,Latin America and Caribbean,LCN,2011,eph,Rural,2642964,0.3385922015,0.2014741749,0.06794984639,0,0.5934579372,0.3718338311,0.3028368652,0.06899695843,1138435,0.7258168459,0.5440075994,0.187365368,0.693826139,0.07973568887,0.9559245706,0.04407541826,0.9077022076,0.09229778498,0.3520121276,0.613186419,0.0343016088,0.927580595,0.07141964138,,,0.07226192951,0.05023073405,,,,,,,,,,,,,,,0,0,0,0,0,0,0,0,0,0,46,0.2991733551,0.3924903274,6714.32666,6202.383789,3.05100894,1208578.75,1116429,549.1815796,,,,1.031172395,1.822232962,0.03968190029,0.3194310665,0.5425091386,0.09837792069 +Paraguay,PRY,Latin America and Caribbean,LCN,2011,eph,Total,6490454,0.2977294028,0.20065175,0.06797706336,0.5927920938,0.6342935115,0.5765571608,0.4693874324,0.1071697284,2972060,0.7219252429,0.5896986723,0.1297329962,0.6810238441,0.07890750468,0.943343997,0.0566559881,0.8701359034,0.1298640966,0.5528550744,0.3950718343,0.05070416629,0.8024379067,0.1975620784,,,0.1978614479,0.1047307551,,,,,,,,,,,,,,,0,0,0,0,0,0,0,0,0,0,46,0.2418876886,0.4267399907,8265.74707,7635.51416,3.755978584,1487834.5,1374392.5,676.0761719,,,,1.031172395,1.822232962,0.02915137075,0.2297841012,0.5544017553,0.1866627783 +Paraguay,PRY,Latin America and Caribbean,LCN,2011,eph,Urban,3847490,0.2696594298,0.2000868171,0.06799575686,1,0.6623448133,0.3718338311,0.3028368652,0.06899695843,1833625,0.7195299864,0.6158252954,0.08986895531,0.6731441617,0.07838210464,0.9355331659,0.06446683407,0.8422240615,0.1577759236,0.680269599,0.2567002773,0.06110992283,0.7209477425,0.277069658,,,0.2776200771,0.1393054873,,,,,,,,,,,,,,,0,0,0,0,0,0,0,0,0,0,46,0.2054787278,0.4485080242,8572.333008,7918.724121,3.895292044,1543019.875,1425370.375,701.1525269,,,,1.031172395,1.822232962,0.02039210871,0.1552160233,0.5642939806,0.2600978613 +Paraguay,PRY,Latin America and Caribbean,LCN,2011,eph,Young worker,1302321,0,1,0,0.5911231041,1,0.3718338311,0.3028368652,0.06899695843,750500,0.5762788057,0.4659382105,0.1297329962,0.5014408827,0.03466112912,0.8701359034,0.1298640966,0.8701359034,0.1298640966,0.6678212881,0.3255129457,0.005832747556,0.8821827769,0.1169841811,,,0.1170817167,0.04135293886,,,,,,,,,,,,,,,0,0,0,0,0,0,0,0,0,0,46,0.2475382835,0.4211708009,6341.59082,5858.067871,2.88163662,1141486.25,1054452.25,518.694519,,,,1.031172395,1.822232962,0.01112035383,0.08092039824,0.734295249,0.1736640036 +Paraguay,PRY,Latin America and Caribbean,LCN,2012,eph,Female,3257800,0.2894069552,0.207881391,0.06840137392,0.6101046801,0.6421916485,0.3694387972,0.3000330925,0.06940570474,1329570,0.6355096102,0.6355096102,0.203076914,0.5952028632,0.009205432609,0.9365757108,0.06342426687,0.8537672758,0.1462327391,0.3658818007,0.5995380282,0.03458018973,0.8110939264,0.1886033416,,0.3200941384,0.1913900822,0.1151630655,0.2072053403,0.08286655694,0.7099280953,0.7927946448,0.8539582491,0,0.08034013957,0.001481638523,0.001044775941,0.2877791822,0.01210285909,0.04996213689,0.3600839376,0,0.02671446465,0.08815629035,0.0672519356,0.07070507854,0.2646230459,0.2014691085,0.05578670278,0.003756696591,0.2215366811,0,43,0.4227971435,0.2916546464,10000,8910.010742,4.544027805,1800000,1603802,817.9250488,575360.5625,1465908.5,1921173.875,,1.988468051,0.03682066873,0.2259330302,0.554171741,0.1830745786 +Paraguay,PRY,Latin America and Caribbean,LCN,2012,eph,Higher education,3882287,0.2306552827,0.3006220162,0.03973894939,0.7110309005,0.729605794,0.3694387972,0.3000330925,0.06940570474,2094232,0.7394435406,0.6393598318,0.09404156357,0.6942280531,0.009159921668,0.9388520718,0.06114795431,0.8806358576,0.119364135,0.573094964,0.3608051836,0.06609982997,0.7240422368,0.2753683031,,0.3894172013,0.2770172358,0.1431419551,0.1262809485,0.1824743152,0.6912447214,0.9098591208,0.8251074553,0,0.1214649007,0.008243443444,0.05276597291,0.2938778102,0.05357933044,0.06587582827,0.2779117823,0,0.04940101877,0.08497671038,0.1030778587,0.08216363192,0.218124643,0.10748896,0.1380310208,0.0519653894,0.1630644053,0.001706359675,43,0.262791574,0.3816807568,9869.790039,8793.994141,4.48486042,1776422.25,1582918.875,807.2112427,1364420.5,1555248.5,1875000.125,1.150045156,1.988468051,0,0,0.6724616885,0.3275383115 +Paraguay,PRY,Latin America and Caribbean,LCN,2012,eph,Lower education,2717997,0.4024555683,0.07776351273,0.1043076962,0.4301230013,0.4932367504,0.3694387972,0.3000330925,0.06940570474,1039156,0.7751331925,0.6276524663,0.281840086,0.7541726828,0.007292375434,0.9729588032,0.02704117633,0.9214540124,0.07854601741,0.2914299369,0.6725512743,0.03601877764,0.947062254,0.0526538603,,0.09977686405,0.05527672544,0.01073432155,0.4759350717,0.1557866186,0.3682783246,0.5620725155,0.468585819,0,0.08547399938,0.001418319065,0.06889430434,0.1920625567,0.02174854837,0.0206338726,0.1338333338,0,0.004805866163,0.0004361776228,0.01275596954,0.008681022562,0.1415549666,0.4055789113,0.121783562,0.03671804443,0.267685473,0,43,0.3569084406,0.3548031151,7188.039063,6404.550781,3.266265154,1293847,1152819.125,587.9276733,1118679,1346803.5,1331627.875,1.150045156,1.988468051,0.07010508329,0.5071407557,0.4227541685,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2012,eph,Male,3342484,0.3130944073,0.2097918838,0.06430786103,0.5809751153,0.622597754,0.3694387972,0.3000330925,0.06940570474,1803818,0.8669463396,,0.04534201697,0.8324231505,0.00803701207,0.9601783752,0.03982164338,0.9101364613,0.08986351639,0.5576281548,0.3711723089,0.07119951397,0.7916439176,0.2077388614,,0.2701792717,0.209114477,0.08596426994,0.2722321451,0.2385180444,0.4892498255,,0.7006010413,0,0.1300236285,0.009120889008,0.09937351942,0.2388194799,0.06481981277,0.05090489984,0.1347056329,0,0.03967928141,0.03333974257,0.07610969245,0.04750613123,0.1399958581,0.2139317393,0.1876775026,0.07772517949,0.1820977926,0.001937081572,43,0.2026941776,0.4307196438,8773.208984,7816.938965,3.986570597,1578246.375,1407049,717.1595459,1195255.375,1496098.375,1725918.625,,1.988468051,0.02424307726,0.2137233615,0.5739099979,0.188123554 +Paraguay,PRY,Latin America and Caribbean,LCN,2012,eph,Old worker,2794693,0,0,0,0.6243490577,1,0.3694387972,0.3000330925,0.06940570474,2309909,0.8266423345,0.7109073997,,0.803771019,0.01077916753,0.9723322392,0.02766775712,,,0.4472273886,0.4827824831,0.06999015063,0.7776232362,0.2218268961,,0.3211127818,0.2242266834,0.1163224056,0.2462027222,0.1786070615,0.5751901865,0.7753475904,,0,0.1083134338,0.006965598557,0.06332803518,0.2509111762,0.04309560731,0.04470442235,0.2364790291,0,0.0402591452,0.07147643715,0.06443814188,0.04550848156,0.1935085505,0.2122819275,0.1400664002,0.05193279311,0.1791710556,0.001357079833,43,0.2884398699,0.3855591714,9976.322266,8888.914063,4.533268929,1795738,1600004.5,815.9883423,1138585.375,1554004,2035169.875,1.150045156,1.988468051,0.03858576715,0.2958280146,0.473330617,0.1922556013 +Paraguay,PRY,Latin America and Caribbean,LCN,2012,eph,Rural,2670785,0.3473356962,0.1915957332,0.0679897517,0,0.5846745372,0.3694387972,0.3000330925,0.06940570474,1182393,0.7571967244,0.6075368524,0.1744969338,0.7332479358,0.008069897071,0.9683717489,0.03162823245,0.9303902984,0.06960970163,0.2899975181,0.6763831377,0.03361933306,0.9238983989,0.07585091889,,0.1116344482,0.07586994022,0.04033813253,0.5786928535,0.1248318776,0.2964752614,0.4683687091,0.4277552664,0,0.07891555876,0.002174680121,0.04374163598,0.1548616737,0.01815202832,0.01575638726,0.1077051833,0,0.007744132075,0.025521487,0.02069614269,0.01196947414,0.1144816205,0.4931790233,0.1012283042,0.02973722108,0.195442602,0,43,0.3889442682,0.3120871782,8255.939453,7356.05127,3.751522064,1486069,1324089.25,675.2739258,1142853.125,1486069,1780391,1.150045156,1.988468051,0.04598845914,0.3313648999,0.5471829772,0.07546363771 +Paraguay,PRY,Latin America and Caribbean,LCN,2012,eph,Total,6600284,0.3014026284,0.2088488936,0.06632836163,0.5953530073,0.632268995,0.5816052866,0.4766999976,0.104905289,3133388,0.7508439182,0.6355096102,0.1228369027,0.7134242492,0.008525710553,0.9501631856,0.04983678833,0.8879777193,0.1120222881,0.4774256945,0.4666916728,0.05588261411,0.8001676062,0.1998323789,,0.2910564542,0.2016997933,0.09817682952,0.2450320423,0.17341052,0.5815574527,0.7927946448,0.7585632801,0,0.1092415079,0.005925463978,0.05824355036,0.259298861,0.04276881739,0.05051055178,0.228979215,0,0.03425667435,0.05626706779,0.0724048838,0.05720921978,0.1921218783,0.208719179,0.1325134486,0.04678744823,0.1985933185,0.001126886345,43,0.2947585881,0.3725517094,9204.344727,8201.081055,4.182479858,1656124.25,1476194.625,752.5474854,1170623.5,1492437.5,1795738,1.150045156,1.988468051,0.03036588803,0.2196670622,0.5643013716,0.1856656969 +Paraguay,PRY,Latin America and Caribbean,LCN,2012,eph,Urban,3929499,0.2701830566,0.2205754519,0.06519915164,1,0.6646177769,0.3694387972,0.3000330925,0.06940570474,1950995,0.7471501231,0.6508345008,0.09233793616,0.7016695738,0.008810555562,0.9391279817,0.06087201834,0.862267375,0.137732625,0.5945866108,0.3356140852,0.06979933381,0.72221452,0.2771529257,,0.40318048,0.2803631723,0.1343212724,0.03649318218,0.2037723064,0.7597345114,0.9642410278,0.974940896,0,0.1281953007,0.008269714192,0.06730728596,0.3245723546,0.05815437436,0.07223199308,0.3047758043,0,0.05082483962,0.07548053563,0.1047186106,0.08548034728,0.2406406552,0.03095510788,0.152064085,0.05744244531,0.2005622685,0.001831097994,43,0.235881269,0.4103492498,9431.200195,8403.209961,4.285563946,1697616,1512577.875,771.4014893,1392857.125,1494642.75,1800000,1.150045156,1.988468051,0.01804723963,0.1315915436,0.5777994394,0.2725617886 +Paraguay,PRY,Latin America and Caribbean,LCN,2012,eph,Young worker,1378462,0,1,0,0.6287811995,1,0.3694387972,0.3000330925,0.06940570474,823479,0.597389698,0.4779869914,0.1228369027,0.5304687619,0.001604144229,0.8879777193,0.1120222881,0.8879777193,0.1120222881,0.5701590776,0.4172798991,0.0125610102,0.867831111,0.131880343,,0.1987374723,0.1325257868,0.04244212806,0.241436705,0.1574509293,0.6011123657,0.8539582491,0.7585632801,0,0.1120918021,0.002731011016,0.04262811691,0.2850590348,0.04176518694,0.06834229082,0.2059458643,0,0.01581989788,0.009551017545,0.09687499702,0.09314840287,0.1878626645,0.1977760792,0.1093142927,0.0309833698,0.2582494318,0.0004198399547,43,0.3141551614,0.3326226473,7850.987793,6995.23877,3.567510843,1408725.5,1259143,640.1287842,1257138.25,1309090.875,1483022.625,1.150045156,1.988468051,0.01511343569,0.07834611088,0.7331026793,0.1734377742 +Paraguay,PRY,Latin America and Caribbean,LCN,2013,eph,Female,3380696,0.2777519822,0.2008364499,0.07588289678,0.6167348623,0.6463651061,0.3606356382,0.2880652547,0.0725703761,1357546,0.6212558746,0.6212558746,0.1755033731,0.5849570036,0.1162453964,0.9415717721,0.05842822418,0.870509088,0.129490912,0.5757249594,0.382610023,0.0416650027,0.7716344595,0.2262571454,0.5206240416,0.3578730524,0.2267352045,0.1457578093,0.1518407464,0.0804502666,0.7677090168,0.8481592536,0.8589254022,0,0.07583500445,0.00283040083,0.001784859807,0.2896680832,0.01787209325,0.04795861244,0.4122101963,0,0.04453377798,0.1145850196,0.07760419697,0.06050823629,0.2780097425,0.1371749789,0.05132705346,0.003829734167,0.2323058844,0.000121392397,44,0.3833138347,0.3264632523,23305.4707,20222.46094,10.59007072,4134480.25,3609686.25,1878.71936,3200000,4169549.75,4160000,,1.44549191,0.03787799925,0.220070973,0.5771369338,0.1649141163 +Paraguay,PRY,Latin America and Caribbean,LCN,2013,eph,Higher education,3602469,0.202584669,0.3220344186,0.02990587801,0.7085701227,0.7675094604,0.3606356382,0.2880652547,0.0725703761,2025985,0.7327961922,0.6354435086,0.09110444784,0.6875444055,0.1210662872,0.9382477999,0.06175218523,0.8911747932,0.1088252291,0.6757441759,0.2590193152,0.06523647159,0.6701126099,0.3267993331,0.6201353073,0.4314521551,0.3285525143,0.1785547584,0.1036721393,0.1682889611,0.7280389071,0.9419692159,0.808154881,0,0.1078291759,0.01038785651,0.0500719361,0.2799818516,0.05403623357,0.07985895127,0.3141618371,0,0.06772276014,0.1210317537,0.1094047874,0.07945504785,0.2093575001,0.08295224607,0.1187926158,0.05047847703,0.1566282958,0.004176523071,44,0.2635969222,0.379991293,23358.02539,20268.0625,10.61395168,4458000,3868264.75,2025.727661,2483057.25,3972891.75,4604399,1.145918608,1.44549191,0,0,0.6376340985,0.3623658717 +Paraguay,PRY,Latin America and Caribbean,LCN,2013,eph,Lower education,3107261,0.3855820298,0.06378286332,0.1203722507,0.4693059325,0.4940457344,0.3606356382,0.2880652547,0.0725703761,1159552,0.7553449869,0.5958669782,0.2120894045,0.7291712761,0.130379349,0.9653486609,0.03465131298,0.9118625522,0.08813745528,0.4077214599,0.5360237956,0.05625475571,0.9398912787,0.0599470064,0.2211028039,0.1300505996,0.05995669961,0.01822271757,0.4001377523,0.1916538924,0.4082083404,0.6765387654,0.5293098688,0,0.09265999496,0.002114578616,0.09687931836,0.2169019729,0.02756634913,0.007351443637,0.1563885808,0,0.01648871042,0.0005681757466,0.01638508029,0.006701972336,0.1638195366,0.3271816671,0.159957543,0.0437816903,0.2651156187,0,44,0.3180550337,0.402440846,12307.69238,10679.54492,5.592649937,2580000,2240764.5,1172.359253,1811784.25,2560000,2904220,1.145918608,1.44549191,0.06253024936,0.4203744531,0.5170953274,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2013,eph,Male,3329034,0.2970573306,0.2040657997,0.06765506417,0.5785056353,0.6352875829,0.3606356382,0.2880652547,0.0725703761,1827991,0.8644222021,,0.04204804078,0.8237686157,0.1305879802,0.9529702067,0.04702977091,0.911536634,0.08846334368,0.5767580271,0.3464910984,0.07675086707,0.7689718008,0.2291017175,0.5114784241,0.2917564213,0.2303514481,0.09951037914,0.2589153051,0.2477109879,0.493373692,,0.6903520226,0,0.1215370446,0.010611156,0.1155627817,0.2323337346,0.06353773922,0.05664240941,0.1408598125,0,0.05179305375,0.04832759127,0.0729303807,0.04658308625,0.1297508031,0.2001804262,0.1947183609,0.08037696779,0.1708741337,0.004465195816,44,0.2107327282,0.4338026941,17607.1543,15277.95898,8.000740051,3650000,3167152.5,1658.57019,1900000,3347161,4285741.5,,1.44549191,0.02749588713,0.2196172476,0.5720396042,0.1808472425 +Paraguay,PRY,Latin America and Caribbean,LCN,2013,eph,Old worker,2941749,0,0,0,0.6228811741,1,0.3606356382,0.2880652547,0.0725703761,2390209,0.8125672936,0.6873496771,,0.784789443,0.144791916,0.9658147097,0.03418529406,,,0.5484557748,0.3747010529,0.07684314996,0.7427791953,0.2550458014,0.5727695227,0.3556200564,0.2560080886,0.141127646,0.204494521,0.1761184782,0.6193870306,0.8451316953,,0,0.1008745506,0.008788434789,0.06645549089,0.250092864,0.04682585225,0.05203710496,0.2704311907,0,0.06139031053,0.09488397092,0.07041887194,0.04349919781,0.1922307611,0.1714975685,0.1393631846,0.0519213751,0.1716848165,0.003109933808,44,0.2735458612,0.3997267187,19336.21875,16778.29102,8.786432266,3831957.25,3325039.25,1741.252075,1815137.625,3337229,4185741.75,1.145918608,1.44549191,0.04429622367,0.3195376098,0.4929439723,0.1432222128 +Paraguay,PRY,Latin America and Caribbean,LCN,2013,eph,Rural,2698872,0.314735204,0.2008865178,0.0733217448,0,0.6119430661,0.3606356382,0.2880652547,0.0725703761,1226879,0.742862463,0.5642105341,0.1480189711,0.7146539092,0.1473348588,0.9620272517,0.03797277436,0.9241054058,0.07589459419,0.4069238007,0.5528765917,0.04019959271,0.8932864666,0.1063085273,0.3443676829,0.1563495845,0.1063515991,0.05998153985,0.5010391474,0.1378507465,0.3611100912,0.5879275203,0.4737836421,0,0.06942016631,0.003054331522,0.06537625194,0.180836767,0.03026711196,0.00657210825,0.1434341222,0,0.01390504558,0.03600298613,0.02136930637,0.015986735,0.1280243546,0.4077884257,0.1094425023,0.03917932138,0.225368157,0.00293317507,44,0.3563266397,0.3517630994,13541.66699,11750.28027,6.153371334,2600000,2256054,1181.447266,1904581.75,2334073.75,3194000,1.145918608,1.44549191,0.03667208552,0.2915082276,0.5721886158,0.09963106364 +Paraguay,PRY,Latin America and Caribbean,LCN,2013,eph,Total,6709730,0.2873303294,0.2024386972,0.07180065662,0.5977674127,0.6408690065,0.5603812673,0.4483448669,0.1120364004,3185537,0.7408125659,0.6212558746,0.1087572873,0.7023737774,0.1245179176,0.9481126666,0.05188732594,0.8949125409,0.1050874591,0.5763208866,0.361774385,0.06190469489,0.7716446693,0.2283553456,0.5153401494,0.3197378814,0.2288211435,0.1190794334,0.2136191726,0.1769540608,0.6094267964,0.8481592536,0.7567804456,0,0.1022035405,0.00731963478,0.0674308911,0.2565881014,0.0442196317,0.05296887085,0.2556501627,0,0.04872213677,0.07635671645,0.07490756363,0.05247389153,0.1924693137,0.1735270023,0.1340590119,0.04799491167,0.1968618333,0.002627620706,44,0.2838364244,0.3883347213,19772.74219,17157.06445,8.984789848,3863637,3368789.75,1755.647461,1925000,3479013.75,4194984.5,1.145918608,1.44549191,0.03270167112,0.2198447585,0.574595511,0.1728580743 +Paraguay,PRY,Latin America and Caribbean,LCN,2013,eph,Young worker,1358309,0,1,0,0.6008514762,1,0.3606356382,0.2880652547,0.0725703761,795328,0.5855280161,0.4746357203,0.1087572873,0.5239963531,0.05876088515,0.8949125409,0.1050874591,0.8949125409,0.1050874591,0.6667656302,0.3198169768,0.01341739856,0.8587071896,0.1398456544,0.3621049225,0.2033680379,0.1407068074,0.04751526192,0.2432195246,0.1796647012,0.5771157742,0.8589254022,0.7567804456,0,0.1065147892,0.002554847626,0.07059507072,0.2776586413,0.03576505557,0.05599151924,0.2077005357,0,0.007626578677,0.01625428721,0.08946888149,0.08158779889,0.1932432204,0.1801104397,0.1168522909,0.03525745869,0.2785360515,0.001062996569,44,0.3169724345,0.351652205,21164.15625,18364.41406,9.617052078,4000000,3470852.25,1817.611206,2658000,3575602.5,4275657.5,1.145918608,1.44549191,0.01404774282,0.05945360661,0.7059608102,0.2205378264 +Paraguay,PRY,Latin America and Caribbean,LCN,2014,eph,Female,3453414,0.2682282031,0.2054879665,0.08108989894,0.6218906641,0.6506819129,0.3557123244,0.2846783698,0.07103393972,1333934,0.5936315656,0.5936315656,0.1945958138,0.5453056097,0.08574993908,0.9185926914,0.08140732348,0.8217896223,0.1782104075,0.5754842162,0.382787019,0.04172875732,0.7727059126,0.2268395275,0.3778680563,0.3569378853,0.2269426882,0.1299816668,0.1544833928,0.08988905698,0.7556275725,0.8455166221,0.8992331028,0,0.08095828444,0.00309477956,0.005835986696,0.291991204,0.01509011164,0.06102431566,0.3875219226,0,0.03905974701,0.1182451844,0.06774649024,0.07425563037,0.2651681304,0.1448000371,0.04888181388,0.003912830725,0.2377048582,0.0002252693375,43,0.3994782567,0.2893590629,26572.84961,21953.59961,12.0747776,4559840,3771086.5,2072.00415,2759782,4914000,4500000,,1.347429514,0.007116175722,0.2326388359,0.5720387697,0.1882062107 +Paraguay,PRY,Latin America and Caribbean,LCN,2014,eph,Higher education,3962288,0.2051115483,0.3062301278,0.04145509005,0.6950539947,0.7534333467,0.3557123244,0.2846783698,0.07103393972,2138729,0.7164153457,0.6018923521,0.0984133482,0.6671378613,0.08810616285,0.9312165976,0.06878337264,0.8668333292,0.1331666857,0.6858311892,0.2491588295,0.06500996649,0.6922565699,0.3070831895,0.4150669873,0.4106526375,0.3072860837,0.1465672106,0.1079416797,0.1968683004,0.6951900125,0.9389496446,0.8418027759,0,0.1252050698,0.007124302909,0.06453892589,0.2843292356,0.04485938326,0.07984305918,0.2861583233,0,0.06438290328,0.1149063334,0.09250786901,0.08600651473,0.1958546638,0.08312768489,0.1290818751,0.05099326745,0.1802897155,0.002849178854,43,0.2600201368,0.3719100058,24154.58984,19955.71289,10.97591305,4678392,3871664,2125.874512,3084363.75,4229018,4864055,1.079926729,1.347429514,0,0,0.6156272888,0.3843726814 +Paraguay,PRY,Latin America and Caribbean,LCN,2014,eph,Lower education,2855892,0.377995044,0.0652661249,0.1189733371,0.4682799578,0.5030316114,0.3557123244,0.2846783698,0.07103393972,1069391,0.7443881631,0.5765787959,0.2874303162,0.708648324,0.1060206443,0.9519876242,0.04801237211,0.8862979412,0.1137020811,0.3888356686,0.5534783602,0.05768594146,0.9244583249,0.07554169744,0.1513221264,0.1460079998,0.07554169744,0.01992344111,0.4027073383,0.1916512698,0.405641377,0.6512422562,0.5279845595,0,0.09618219733,0.002001872286,0.09346719831,0.2190891057,0.03114099801,0.01524094678,0.1401703507,0,0.009781473316,0.0001385004871,0.01724085398,0.007143088616,0.1592598408,0.3262727559,0.163368687,0.04443213344,0.2723626792,0,43,0.3467592001,0.3569852412,14785.58203,12215.35254,6.71860981,3077454.75,2562218.75,1398.404053,2600000,3126433,3387445,1.079926729,1.347429514,0.01493661478,0.4571712315,0.5278921723,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2014,eph,Male,3364766,0.2870692909,0.2051049024,0.06657075137,0.5776672363,0.6463599801,0.3557123244,0.2846783698,0.07103393972,1874186,0.8617541194,,0.05056293681,0.8204358816,0.09994535893,0.9520533085,0.04794668034,0.9005361199,0.09946390241,0.5921397805,0.3310388327,0.07682140172,0.7694926858,0.2300825268,0.3410733938,0.2965468764,0.2301803082,0.08568815142,0.2442835718,0.2673702538,0.4883461595,,0.7331312299,0,0.1390249282,0.006967175286,0.1213781536,0.2418146133,0.05747386813,0.05588154867,0.133176133,0,0.05060704798,0.04707851261,0.06654573977,0.04905002937,0.1273266971,0.1795844287,0.2037731856,0.07960035652,0.1934085786,0.003025418147,43,0.2140704244,0.4199588001,18666.66602,15421.77539,8.482185364,4020000,3321189.25,1826.699219,2800000,3673091,4600000,,1.347429514,0.00742650032,0.2127654701,0.5737595558,0.2060484588 +Paraguay,PRY,Latin America and Caribbean,LCN,2014,eph,Old worker,3022159,0,0,0,0.6263965368,1,0.3557123244,0.2846783698,0.07103393972,2407308,0.7965524197,0.6636646986,,0.7654134035,0.1115138754,0.9609077573,0.03909221292,,,0.5470487475,0.3742081225,0.07874311507,0.7476319671,0.2521138489,0.427193433,0.3532460034,0.2521779537,0.1251626164,0.2084144205,0.188257426,0.6033281684,0.8312394619,,0,0.1087942868,0.005806645378,0.07365649194,0.2531423271,0.0438842997,0.05537695065,0.2509245574,0,0.05616883561,0.09459044784,0.06531885266,0.04604511335,0.1835151613,0.167775467,0.1421058476,0.05371446908,0.1885381043,0.002227703342,43,0.2915270627,0.3713793457,21430.74805,17705.36719,9.738191605,4188055,3461066.75,1903.063965,2759782,3673091,4548000,1.079926729,1.347429514,0.006620349362,0.3238028884,0.5089641809,0.1606125981 +Paraguay,PRY,Latin America and Caribbean,LCN,2014,eph,Rural,2726819,0.3154602349,0.1963126212,0.07415893674,0,0.6103808284,0.3557123244,0.2846783698,0.07103393972,1205316,0.724175334,0.5334267616,0.1690537632,0.6946481466,0.1187903881,0.9592264891,0.04077354074,0.9206616282,0.07933837175,0.4006189406,0.5475704074,0.05181067437,0.877895236,0.1216230094,0.2530288994,0.1887238175,0.1216816306,0.0542454347,0.5012192726,0.15616633,0.3426144123,0.5668512583,0.5285561681,0,0.1002644449,0.002469682833,0.0534322001,0.1669078022,0.02114287205,0.01723412797,0.1373295933,0,0.01787538268,0.03215614334,0.02699168213,0.01790046692,0.1209907532,0.3982871175,0.1189434752,0.03883854672,0.2262926549,0.001723793452,43,0.3757665455,0.318249613,15351.03711,12682.5127,6.975553989,3200000,2658113,1454.088989,2779636.5,3000000,3558821.5,1.079926729,1.347429514,0.006904109381,0.2990560532,0.5782265663,0.1158132702 +Paraguay,PRY,Latin America and Caribbean,LCN,2014,eph,Total,6818180,0.2775262594,0.2052989155,0.07392471284,0.6000664234,0.6485490352,0.5419034694,0.4279186991,0.1139847703,3208120,0.7255031873,0.5936315656,0.1235828847,0.6806238447,0.09416589886,0.9381403923,0.0618595928,0.8696997762,0.1303002387,0.5853579044,0.3521098495,0.06253225356,0.7711378002,0.22886217,0.3557933867,0.3211342096,0.2288621813,0.1037237421,0.2077181786,0.1951023638,0.5971794724,0.8455166221,0.7945990562,0,0.115380995,0.005390389357,0.0743309781,0.2622458339,0.04021579027,0.05797561258,0.2367422283,0,0.04590381682,0.07606478035,0.06703480333,0.05931629613,0.183469668,0.1654167026,0.1406857669,0.04877274483,0.2114505023,0.001884914469,43,0.2894798815,0.3668410182,21544.25586,17799.14453,9.789770126,4229963,3502946,1922.107056,2800000,3800000,4570044,1.079926729,1.347429514,0.007272872608,0.2226038575,0.5729076862,0.197215572 +Paraguay,PRY,Latin America and Caribbean,LCN,2014,eph,Young worker,1399765,0,1,0,0.617572248,1,0.3557123244,0.2846783698,0.07103393972,800812,0.5721046329,0.4419032335,0.1235828847,0.4975592196,0.03654737025,0.8696997762,0.1303002387,0.8696997762,0.1303002387,0.7126165032,0.2787018716,0.008681653067,0.8477528095,0.1512033641,0.1738981307,0.2144799531,0.1513613611,0.03250629082,0.2054009289,0.2178836614,0.5767154098,0.8992331028,0.7945990562,0,0.1373028457,0.004005007911,0.07657580823,0.2925440371,0.02800627425,0.06662445515,0.1895406395,0,0.01182255801,0.01455702726,0.07273200154,0.1033784449,0.1833185852,0.1575852782,0.1359709054,0.03236554563,0.2875228226,0.0007468088297,43,0.282707423,0.3518274128,21925.92578,18114.46484,9.963202477,4350000,3593824.25,1976.652222,2978181.75,4000000,4600000,1.079926729,1.347429514,0.008284963667,0.06563988328,0.6720867753,0.2539883554 +Paraguay,PRY,Latin America and Caribbean,LCN,2015,eph,Female,3286998,0.2886408865,0.1989812553,0.0622209087,0.6200389862,0.6491382122,0.3577549756,0.2783548534,0.07940011472,1246485,0.5841850638,0.5841850638,0.2264746875,0.552387476,0.07754798234,0.9455693364,0.05443065986,0.872741282,0.1272587329,0.5666201115,0.4085062444,0.02487362549,0.7667875886,0.2325862497,0.5609907508,0.3508159518,0.2329170555,0.1491586119,0.1372456998,0.09725717455,0.765497148,0.8627542853,0.9028698802,0,0.09139616787,0.003932504915,0.001928497106,0.2990171611,0.01263407432,0.05446201563,0.3993838727,0,0.03090007231,0.1303241551,0.07875700295,0.07192793489,0.2916264236,0.1292449385,0.05577709153,0.006224133074,0.2052182257,0,44,0.3807737827,0.2865446806,9978.306641,7993.62207,4.534170628,1796095.125,1438852,816.1506348,1198475.125,1674418.5,1821737.125,,2.200946808,0.02799326926,0.1864927113,0.5807493329,0.2047646642 +Paraguay,PRY,Latin America and Caribbean,LCN,2015,eph,Higher education,3916184,0.240847975,0.3024444282,0.02148494497,0.7017867565,0.7376670837,0.3577549756,0.2783548534,0.07940011472,2047306,0.7086948156,0.5892599821,0.1133948192,0.6693087816,0.08241161704,0.94442451,0.0555754751,0.8859636188,0.1140363812,0.6726349592,0.2750930488,0.05227200687,0.6848353744,0.3138633668,0.6338695288,0.406904459,0.3143852055,0.1689348817,0.09398373961,0.1940941066,0.7119221687,0.9530856609,0.8430017829,0,0.1306643933,0.008341237903,0.05508847535,0.2927072048,0.04542840272,0.0754378289,0.2983487248,0,0.04513102025,0.1211175844,0.111019969,0.07738194615,0.2193624526,0.07463101298,0.141820699,0.05399255082,0.151018396,0.004524376709,44,0.2289558053,0.3679451942,10658.91504,8538.857422,4.84344101,1918604.625,1536994.375,871.8193359,1386346.5,1669678.625,2087098.25,1.014971375,2.200946808,0,0,0.6052809358,0.394719094 +Paraguay,PRY,Latin America and Caribbean,LCN,2015,eph,Lower education,2738431,0.3936118782,0.0626026392,0.1129562855,0.469037205,0.4934318364,0.3577549756,0.2783548534,0.07940011472,1005604,0.7442143559,0.5736015439,0.3140818775,0.7205891609,0.08532876521,0.9682549238,0.03174510226,0.9255537987,0.07444617897,0.3994665742,0.5609054565,0.03962796926,0.9430152178,0.05698478222,0.2388643324,0.1128542125,0.05698478222,0.01697373204,0.3762864769,0.2213733196,0.4023402035,0.6763923764,0.5999961495,0,0.1190728769,0.0001437842584,0.1021566615,0.2216413766,0.02578565292,0.01512096915,0.139792189,0,0.009562680498,0.0002023249981,0.01791757345,0.005744181108,0.1706575304,0.314550668,0.1697742939,0.04819853604,0.26339221,0,44,0.2941282392,0.3817306459,7719.067871,6183.745605,3.507565975,1389432.25,1113074.25,631.3618774,1229186.625,1493546.625,1348566.625,1.014971375,2.200946808,0.05106536299,0.4246689379,0.5242657065,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2015,eph,Male,3367617,0.3184216022,0.2083995938,0.05610555038,0.5923134685,0.6254728436,0.3577549756,0.2783548534,0.07940011472,1806425,0.8576079011,,0.05703252926,0.8206454515,0.08737111092,0.956900537,0.04309949279,0.9023661017,0.09763390571,0.5910457969,0.3451220691,0.06383212656,0.774385035,0.2245863527,0.5307926536,0.2794930041,0.2248175889,0.09682170302,0.2235027999,0.2754891515,0.5010080338,,0.7532206178,0,0.1509103775,0.006729844026,0.1178489253,0.2483742386,0.0567249544,0.05576462299,0.1401442438,0,0.03479930386,0.0467299819,0.08057531714,0.04074815661,0.1426538378,0.1725357771,0.2162360847,0.08330011368,0.1773605794,0.005060833413,44,0.1621153206,0.4312578142,9662.491211,7740.622559,4.390663147,1739248.5,1393312.125,790.319397,1278373.5,1563111.25,1982743.25,,2.200946808,0.01496832445,0.1679206938,0.5628830791,0.2542278767 +Paraguay,PRY,Latin America and Caribbean,LCN,2015,eph,Old worker,2884208,0,0,0,0.624717772,1,0.3577549756,0.2783548534,0.07940011472,2323277,0.8055164814,0.6711519361,,0.7823007107,0.09630202502,0.9711790681,0.02882092819,,,0.5428288579,0.3979109526,0.05926020071,0.7444806099,0.2546901703,0.6095530391,0.3454844654,0.2549982369,0.1400981545,0.186397925,0.1948364526,0.6187655926,0.8534885049,,0,0.1240219697,0.006449002307,0.06436548382,0.2619072199,0.04132794961,0.05544386804,0.2600865662,0,0.03965443,0.09979222715,0.07597599179,0.04701730981,0.2063352764,0.1605465114,0.1508829892,0.05427825451,0.1620551646,0.003461834742,44,0.2448687404,0.3761104941,10972.79688,8790.308594,4.986069679,1975103.5,1582255.5,897.4925537,1302325.625,1716058.375,2130622.25,1.014971375,2.200946808,0.0271481555,0.2277897596,0.5090298653,0.2360322028 +Paraguay,PRY,Latin America and Caribbean,LCN,2015,eph,Rural,2621863,0.3415998518,0.1843887269,0.0611782521,0,0.597221911,0.3577549756,0.2783548534,0.07940011472,1133347,0.7237976789,0.5456387997,0.1826010197,0.7029333711,0.09729102999,0.9711738825,0.0288261231,0.924756825,0.07524317503,0.4169715643,0.5568854213,0.02614300139,0.8934673667,0.1065326184,0.3811278343,0.1441122144,0.1065326184,0.07111350447,0.45643273,0.1719596237,0.3716076612,0.6129268408,0.5243298411,0,0.1030620262,0.001346444013,0.06755115092,0.1698672771,0.02487014793,0.01680238545,0.1600678563,0,0.01089783851,0.04727999121,0.03111085296,0.02284503169,0.1323985159,0.3704674542,0.1245869622,0.04538479447,0.2130961269,0.001932447078,44,0.3120087087,0.3331314027,8890.160156,7121.907715,4.03971386,1600228.875,1281943.375,727.1484985,1229186.625,1564652.25,1821737.125,1.014971375,2.200946808,0.03105787374,0.2717697322,0.5738828182,0.1232895777 +Paraguay,PRY,Latin America and Caribbean,LCN,2015,eph,Total,6654615,0.303711623,0.2037474811,0.05912618712,0.6060082912,0.6371621788,0.5694591144,0.4766629801,0.09279613431,3052910,0.7200142275,0.5841850638,0.1387693882,0.685650889,0.08338862658,0.9522740841,0.04772594199,0.8920772672,0.1079227477,0.5811429024,0.3708199561,0.04803714901,0.7719730168,0.2280270131,0.5427438617,0.3084115386,0.2281020582,0.1180400997,0.1885325015,0.2032304555,0.6082370281,0.8627542853,0.8040679693,0,0.126782164,0.005595748778,0.07085254043,0.2689058483,0.03884965926,0.05523652211,0.2452450097,0,0.03321848065,0.08062067628,0.0798381418,0.05338904262,0.2030502111,0.1549848318,0.1511829048,0.05205202103,0.1886546165,0.003009073669,44,0.2507983446,0.3725653887,9712.453125,7780.646973,4.413365841,1748241.5,1400516.5,794.4058228,1278373.5,1600228.875,1903333.75,1.014971375,2.200946808,0.02127303369,0.17691046,0.5715312362,0.230285272 +Paraguay,PRY,Latin America and Caribbean,LCN,2015,eph,Young worker,1355861,0,1,0,0.6434428096,1,0.3577549756,0.2783548534,0.07940011472,729633,0.5381326079,0.3874391913,0.1387693882,0.4800558388,0.03862409666,0.8920772672,0.1079227477,0.8920772672,0.1079227477,0.7139542699,0.2769120336,0.009133662097,0.8642917871,0.1347172856,0.3667741418,0.179913938,0.1348509192,0.04157544672,0.1959320307,0.2323284,0.5717395544,0.9028698802,0.8040679693,0,0.136350438,0.00263793068,0.0933400318,0.2931667268,0.03025861643,0.05451774597,0.1937964857,0,0.01090815756,0.01416216884,0.09322634339,0.07547677308,0.1916624755,0.135705173,0.1522225738,0.0443347469,0.2808620334,0.001439569518,44,0.2713226676,0.3602945507,7733.838379,6195.578613,3.514277697,1392090.875,1115204.125,632.5700073,1278373.5,1369978.875,1438170.25,1.014971375,2.200946808,0.009254555218,0.0728289187,0.6993874907,0.2185290158 +Paraguay,PRY,Latin America and Caribbean,LCN,2016,eph,Female,3359588,0.2944661677,0.1933555603,0.06422781944,0.6249828935,0.6413060427,0.3702068031,0.289231509,0.08097530156,1307429,0.6068296432,0.6068296432,0.2242366374,0.5595240593,0.08948841691,0.9220446944,0.07795528322,0.8309379816,0.1690620482,0.5629501939,0.4076119363,0.02943784744,0.7806625962,0.2179819643,0.3869629204,0.3313173056,0.2184705436,0.1296468228,0.1395329535,0.08511863649,0.7753484249,0.8604670167,0.9131761789,0,0.07808032632,0.00436937809,0.002668930683,0.3061502278,0.01601524279,0.05571890622,0.3974640071,0,0.03637377545,0.112672396,0.08111111075,0.06261965632,0.2880250216,0.1327622086,0.05214072391,0.00388053339,0.2300485671,0.0003659784561,41,0.4110139906,0.2884122431,25950.79102,19972.92188,11.79211235,4577030.5,3533111.5,2079.81543,2600000,5488722,4530690.5,,1.466683149,0.008259689435,0.2206757069,0.5697462559,0.2013183534 +Paraguay,PRY,Latin America and Caribbean,LCN,2016,eph,Higher education,3948491,0.2287405431,0.2898241282,0.03204819188,0.6939463615,0.7392112613,0.3702068031,0.289231509,0.08097530156,2144977,0.7350866795,0.6210890412,0.1142132953,0.6829782128,0.09047756344,0.9291125536,0.07088747621,0.8680074215,0.1319925934,0.6612755656,0.2847293019,0.05399510264,0.7018472552,0.2950848639,0.4366258085,0.385065347,0.2961097062,0.1457995325,0.1080735475,0.1984837204,0.6934427619,0.9423664212,0.844045639,0,0.1218131334,0.006535317283,0.07013525814,0.281113565,0.04846420139,0.07657917589,0.2872857749,0,0.05385882035,0.1083124503,0.1040131524,0.07015175372,0.2135348171,0.08378664404,0.1441371143,0.05254963785,0.1673040092,0.002351604169,41,0.2826362848,0.3588622808,23829.25391,18340.08789,10.82807922,4553220.5,3504367.5,2068.996094,2654626.5,4000000,4794216,1.183240175,1.466683149,0,0,0.605971396,0.394028604 +Paraguay,PRY,Latin America and Caribbean,LCN,2016,eph,Lower education,2827295,0.4109369516,0.06470990926,0.09986471385,0.4965304434,0.4891983271,0.3702068031,0.289231509,0.08097530156,1038912,0.7511430979,0.5768003464,0.2880505621,0.719435513,0.103507638,0.9577875733,0.04221243039,0.8900399208,0.1099600494,0.4011378288,0.5565239191,0.04233827814,0.93786484,0.06213513389,0.1414326131,0.1191459373,0.06213513389,0.01725428738,0.3881838024,0.1957516074,0.41606462,0.6823123693,0.6044958234,0,0.09450111538,0.001557699754,0.09969278425,0.2238042653,0.02842148766,0.01640710048,0.147431761,0,0.01102047414,0.0004823844356,0.0154714752,0.006073019002,0.1581326425,0.3286243975,0.1570060849,0.04610489681,0.2770846188,0,41,0.3814508021,0.3329685032,14351.85156,11045.84375,6.521521568,2878345.75,2227396.25,1307.928345,1995898.75,2854026.5,3167457.75,1.183240175,1.466683149,0.01634579524,0.4513920844,0.5322621465,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2016,eph,Male,3416198,0.3148924708,0.1983863413,0.05652775243,0.598382771,0.6285797954,0.3702068031,0.289231509,0.08097530156,1876460,0.8741642237,,0.05563398823,0.8303800821,0.09842050821,0.9499131441,0.05008686706,0.8965921402,0.1034078822,0.5824952126,0.353403002,0.06410177797,0.7802991867,0.2171874642,0.355214268,0.272952646,0.2177347094,0.0849218592,0.2432686687,0.2736460268,0.4830853045,,0.7447520494,0,0.1361400783,0.005219897721,0.1322860569,0.2321624905,0.05921872333,0.05707697943,0.1346271038,0,0.04175221547,0.04510385171,0.07003219426,0.0394401066,0.1321654618,0.187465176,0.2135846764,0.081883654,0.1861914694,0.002381187631,41,0.2514183223,0.3918299377,18518.51953,14252.70313,8.414867401,3880135.75,2993507,1763.144531,2195488.75,3500000,4454237,,1.466683149,0.007347360719,0.2099718302,0.5718659163,0.210814923 +Paraguay,PRY,Latin America and Caribbean,LCN,2016,eph,Old worker,2974555,0,0,0,0.6358783245,1,0.3702068031,0.289231509,0.08097530156,2406589,0.8091101646,0.6705147028,,0.7768545747,0.1086309552,0.9601344466,0.03986555338,,,0.5400322676,0.3983210027,0.06164672971,0.7607914209,0.2376548797,0.4356665611,0.3228167295,0.2381252497,0.1229081675,0.2037017345,0.1924800724,0.6038181782,0.8468301296,,0,0.1100145876,0.005150818266,0.0773146674,0.253046453,0.04466452822,0.05688413978,0.2492230684,0,0.04823293909,0.08812884986,0.07254746556,0.04145050049,0.1895714849,0.1725290269,0.1494508982,0.05603185669,0.1801145077,0.001942478004,41,0.3119677603,0.352870971,21100.38672,16239.82715,9.588074684,4071633.75,3140155.5,1850.161743,2050545.75,3450909,4500000,1.183240175,1.466683149,0.008868495002,0.3068698347,0.5074206591,0.1768410057 +Paraguay,PRY,Latin America and Caribbean,LCN,2016,eph,Rural,2631907,0.3442317545,0.1816260964,0.06261543185,0,0.5931528211,0.3702068031,0.289231509,0.08097530156,1127475,0.7222204804,0.5371712446,0.1955533475,0.692425251,0.1196389124,0.9587450027,0.04125501588,0.9026318789,0.0973680988,0.3973573148,0.5661743879,0.03646831587,0.9018179178,0.09760296345,0.242320478,0.1451051384,0.0976595208,0.05347692966,0.5036410093,0.1565940231,0.3397649825,0.5911689997,0.5161910057,0,0.08613809943,0.003021285171,0.06743463874,0.1610250473,0.02178861201,0.01580158062,0.1411497295,0,0.01325514726,0.03237792104,0.02339922264,0.01748809405,0.1256804615,0.4144788384,0.1138017401,0.03722086176,0.2210656852,0.001232025214,41,0.4122145772,0.2919623554,14752.2959,11354.04492,6.703484535,2850711.75,2194038.75,1295.371338,2039023.5,2760000,3293233,1.183240175,1.466683149,0.007769722492,0.2935626805,0.5680178404,0.1306497604 +Paraguay,PRY,Latin America and Caribbean,LCN,2016,eph,Total,6775786,0.3047646284,0.1958919615,0.06034561992,0.6115717292,0.6348897368,0.575076627,0.4800276501,0.09504897689,3183889,0.7401162347,0.6068296432,0.1381850988,0.6945763578,0.09481683373,0.9384692907,0.06153072417,0.8713920116,0.1286080033,0.5746068954,0.3752816617,0.05011146143,0.7820460115,0.2179539735,0.3677799702,0.2964942157,0.2180317789,0.102972798,0.2014102638,0.197573334,0.6010164022,0.8604670167,0.8064132333,0,0.1127123833,0.004876704421,0.07998424768,0.2620172799,0.04178568348,0.0565289855,0.2406844348,0,0.03958148509,0.07237441838,0.0745036304,0.04879533872,0.1950701624,0.1653871387,0.1484261304,0.05040170997,0.2038921267,0.001567852218,41,0.3156414926,0.3502134383,21385.22656,16459.05273,9.717506409,4151469.75,3199640,1886.439453,2198466.75,3692412.75,4500000,1.183240175,1.466683149,0.007792696822,0.2151967287,0.5708312392,0.2061793506 +Paraguay,PRY,Latin America and Caribbean,LCN,2016,eph,Young worker,1327322,0,1,0,0.6398590803,1,0.3702068031,0.289231509,0.08097530156,777300,0.5858743191,0.4592892528,0.1381850988,0.5105262399,0.0476914607,0.8713920116,0.1286080033,0.8713920116,0.1286080033,0.6926202774,0.2966415882,0.01073815022,0.847494483,0.1487791091,0.1867740899,0.2066504657,0.149335593,0.03492743149,0.1935867667,0.2149627209,0.5914505124,0.9131761789,0.8064132333,0,0.121923171,0.003940825351,0.08909872174,0.2926454544,0.03195675462,0.05531641841,0.2115318626,0,0.01000478026,0.01851476356,0.08119115978,0.07390513271,0.2138684541,0.1409711987,0.1449227929,0.03115393966,0.2851806283,0.0002871194447,41,0.3280312419,0.3412508965,21925.92578,16875.19922,9.963202477,4360000,3364136.5,1981.196167,2654626.5,4355254,4500000,1.183240175,1.466683149,0.006014688406,0.06368547678,0.675632,0.2546678185 +Paraguay,PRY,Latin America and Caribbean,LCN,2017,eph,Female,3409045,0.2901231945,0.1876631081,0.0663484931,0.623847425,0.6435283422,0.3695584238,0.2820104957,0.08754792064,1329620,0.6060760617,0.6060760617,0.236149326,0.5691796541,0.1013729721,0.9391224384,0.06087754294,0.8679471612,0.1320528537,0.5588117838,0.4117143452,0.02947384864,0.7734576464,0.2249630839,0.3397084773,0.3399873972,0.2253189236,0.1174199954,0.1404764056,0.08622664958,0.7732969522,0.8595235944,0.9081733227,0,0.08061812073,0.0007749736542,0.004833557177,0.3159846663,0.01393508539,0.05208769441,0.3912895024,0,0.03315276653,0.1037801728,0.07477530837,0.06050616503,0.3000335991,0.133873716,0.0558395721,0.004524694756,0.2333031595,0.0002108424378,41,0.3997962773,0.2957172394,9527.550781,,4.329345703,1850000,,840.6452026,933298.75,1985742,1844180.5,,1.58838582,0.01061363425,0.221608147,0.5666514635,0.2011267692 +Paraguay,PRY,Latin America and Caribbean,LCN,2017,eph,Higher education,4025862,0.2228315324,0.2889324129,0.032272093,0.6955590844,0.7448963523,0.3695584238,0.2820104957,0.08754792064,2197826,0.7328895926,0.6187930703,0.1170046106,0.6886336207,0.1023897529,0.9396144152,0.06038558111,0.8802362084,0.1197637618,0.675698638,0.2716607153,0.05264063552,0.6920492053,0.3059964478,0.3747413754,0.404653579,0.3065956533,0.1314188391,0.09867491573,0.2026246786,0.6987003684,0.9380071163,0.8596715927,0,0.1263839304,0.006189975422,0.070050776,0.3007574379,0.03956430033,0.07793048024,0.2804481983,0,0.0524575375,0.09742377698,0.1018265039,0.06871151924,0.2145069838,0.08036788553,0.1412775517,0.05408711731,0.1864260435,0.00291506364,41,0.2680282295,0.3601472378,10424.80859,,4.737061977,2030421.25,,922.6290894,1886455,2010498.75,2050000,0.8889176846,1.58838582,0,0,0.6012160182,0.3987839818 +Paraguay,PRY,Latin America and Caribbean,LCN,2017,eph,Lower education,2847634,0.4055426419,0.06237423792,0.1038279533,0.5030853748,0.4906294048,0.3695584238,0.2820104957,0.08754792064,1049013,0.7508326173,0.5792090893,0.3084017038,0.7215440273,0.1277421862,0.960991919,0.03900809586,0.8979434967,0.1020564884,0.3841471076,0.5668048263,0.04904805496,0.9334833026,0.06651668251,0.1283167154,0.1166975871,0.06651668251,0.0170311667,0.3688578308,0.2053838223,0.425758332,0.6871474385,0.6324253678,0,0.1006038114,0.001775629818,0.1030043885,0.2231927067,0.02448385209,0.01712838002,0.1609534025,0,0.006333740894,0.0009790763725,0.01375666726,0.005456837825,0.1686540842,0.3102630377,0.1696301848,0.04600171,0.2789246738,0,41,0.3874832988,0.3272008002,7844.906738,,3.564747572,1668713.875,,758.2682495,1600000,1930078.75,1489306.5,0.8889176846,1.58838582,0.02376294881,0.4516935647,0.5245434642,0 +Paraguay,PRY,Latin America and Caribbean,LCN,2017,eph,Male,3464451,0.3067969382,0.202360779,0.05755659565,0.6079185605,0.6356464624,0.3695584238,0.2820104957,0.08754792064,1917219,0.8706060052,,0.05677187443,0.8285142779,0.117093429,0.951652348,0.04834763333,0.8912081718,0.108791858,0.594481051,0.3390178382,0.06650109589,0.7697325349,0.2291362286,0.3090263605,0.2898513675,0.2293957323,0.07776063681,0.2198223472,0.283955127,0.4962225258,,0.7813109756,0,0.1434661597,0.007454830687,0.133034125,0.2473112792,0.04877375439,0.06193548441,0.1382020116,0,0.04012915492,0.03959294036,0.07155679166,0.03927120939,0.1304132789,0.1711193472,0.2156080604,0.08360483497,0.2055503428,0.003154037986,41,0.2445157021,0.3857762516,9889.773438,,4.49394083,2026571.875,,920.8799438,1787167.875,2000000,2142041.75,,1.58838582,0.01182503253,0.2059654891,0.5633640289,0.2188454568 +Paraguay,PRY,Latin America and Caribbean,LCN,2017,eph,Old worker,3055162,0,0,0,0.639739871,1,0.3695584238,0.2820104957,0.08754792064,2483166,0.8127772212,0.6773802638,,0.7852454185,0.1270893663,0.9661263227,0.03387369215,,,0.5398682356,0.3961577415,0.06397402287,0.7488962412,0.2503451407,0.3906048238,0.3394063115,0.2505351901,0.1138774827,0.1914799511,0.1984695196,0.6100504994,0.8479792476,,0,0.117592603,0.005993622355,0.07488328964,0.2613007724,0.03776011243,0.05909575149,0.251893878,0,0.04510710761,0.08193179965,0.07224531472,0.04220454395,0.1981487572,0.1651782691,0.153144002,0.05567296967,0.1844873279,0.0018798979,41,0.3065935373,0.352779001,10800,,4.907550335,2078079,,944.2849121,1800000,2050000,2118484.5,0.8889176846,1.58838582,0.01309662405,0.3029311001,0.5049564242,0.1790158153 +Paraguay,PRY,Latin America and Caribbean,LCN,2017,eph,Rural,2640668,0.3345414996,0.1843703985,0.06427957118,0,0.6011789441,0.3695584238,0.2820104957,0.08754792064,1148095,0.723203063,0.5428417921,0.1997592747,0.6917545199,0.1542156488,0.956514895,0.04348507896,0.8937469125,0.1062530801,0.4019996822,0.5629619956,0.03503829241,0.8805785775,0.1194214001,0.2631697357,0.1679591089,0.1194214001,0.05929591879,0.4822304249,0.1501288563,0.3676407039,0.5875761509,0.5497044921,0,0.08369013667,0.002380323596,0.06405838579,0.1731781065,0.01837511547,0.02136190236,0.1547255963,0,0.01217206847,0.03519036248,0.02480399236,0.01884043403,0.1345784366,0.3920058012,0.1048635468,0.04108835757,0.2353023738,0.00115464814,41,0.4434648454,0.2651615441,8888.888672,,4.039135933,1800000,,817.9250488,1687880.75,1800000,1845000,0.8889176846,1.58838582,0.008665721864,0.2937749922,0.5640588999,0.1335003972 +Paraguay,PRY,Latin America and Caribbean,LCN,2017,eph,Total,6873496,0.2985272706,0.1950711906,0.06191710755,0.6158187985,0.6395556331,0.5635856515,0.4667729516,0.09681269987,3246839,0.7385922413,0.6060760617,0.1423590481,0.6990932312,0.1107060313,0.9465212226,0.05347878486,0.8827731013,0.1172268763,0.5799928904,0.3685458004,0.05146132037,0.7722603073,0.2277397226,0.3210496604,0.3102186322,0.2277397215,0.09386952966,0.1875496805,0.2035322934,0.6089180112,0.8595235944,0.8264457583,0,0.1179037467,0.004737907555,0.08089063317,0.2752430737,0.03460369259,0.05793005601,0.241141215,0,0.03729057312,0.06570971012,0.07286635786,0.04791137576,0.1994290948,0.1559646875,0.150600791,0.05142837763,0.2168425173,0.001956498483,41,0.3074546158,0.349273175,9777.77832,,4.443049908,2000000,,908.805603,1700000,2000000,2004467.25,0.8889176846,1.58838582,0.01123581827,0.2135739475,0.5649629831,0.2102272362 +Paraguay,PRY,Latin America and Caribbean,LCN,2017,eph,Young worker,1340821,0,1,0,0.6368933916,1,0.3695584238,0.2820104957,0.08754792064,763673,0.5695562363,0.4328661859,0.1423590481,0.5027889609,0.05240376666,0.8827731013,0.1172268763,0.8827731013,0.1172268763,0.7232525945,0.2699610293,0.006786380894,0.8507809639,0.1459319144,0.136053592,0.2063787431,0.1464131922,0.02243375033,0.1735542417,0.2215604484,0.6048852801,0.9081733227,0.8264457583,0,0.1190116853,0.0002663952182,0.1022823676,0.324890554,0.0233639013,0.05377909169,0.2028517723,0,0.009444380179,0.007918932475,0.07507880032,0.06824181974,0.2039902657,0.123141557,0.1415406913,0.03630713746,0.3321070373,0.002229385544,41,0.3104907274,0.3369120061,7870.370605,,3.576318502,1648608.875,,749.1325073,1568189,1608399,1668023.25,0.8889176846,1.58838582,0.008109900169,0.06346527487,0.6657663584,0.262658447 +El Salvador,SLV,Latin America and Caribbean,LCN,1991,ehpm,Female,2708383,0.3889874518,0.2024865001,0.05380479619,0.4905185103,0.5572077632,0.4605886638,0.4065934122,0.05399525166,641180,0.424901098,0.424901098,0.4155837595,0.3898025751,0.05996436626,0.9173960686,0.08260394633,0.8422420025,0.1577579826,0.5370675921,0.4326002598,0.03033214062,0.2243342549,0.697447896,,0.2423300743,0.7576699257,0,0.1392551064,0.2283028364,0.6324420571,0.8607448936,0.8108485937,0.0005647775833,0.2220222503,0.002733727684,0.00298209372,0.3251979351,0.007580268197,0.02153299749,0.03226547316,0.2458653897,0.05115811899,0.00402926933,0.09030493349,0.2717495561,0.213490054,0.1364885122,0.1745557636,0.008855891414,0.02851430513,0.02085359395,46,0.221342966,0.3661051691,3.583333254,9.70980835,6.880217552,645,1747.765503,1238.439209,481.4314575,711.8182373,671,,,0.2884297371,0.496201545,0.2148687243,0.0004999911762 +El Salvador,SLV,Latin America and Caribbean,LCN,1991,ehpm,Higher education,1267479,0.5567666292,0.1989429444,0.007719260175,0.6195400357,0.4355141222,0.4605886638,0.4065934122,0.05399525166,354457,0.642209053,0.5555650592,0.07799749821,0.5865212083,0.07612110674,0.9132871032,0.08671291918,0.8289454579,0.1710545719,0.7947235107,0.1444096863,0.06086676568,0.6096731424,0.353690356,,0.6276690364,0.3723309934,0,0.04629251361,0.2373106331,0.7163968682,0.9804294109,0.9329816103,0.0009313579649,0.1901146024,0.01520496048,0.03105970658,0.2244015783,0.04660193622,0.07968834788,0.111270979,0.2544340193,0.1811034828,0.02436357178,0.2531099319,0.1555042714,0.06832117587,0.03738404438,0.0650158599,0.06976377964,0.07028583437,0.07514804602,46,0.1479740441,0.2277218848,7.262499809,19.6792984,13.94444084,1307.25,3542.273682,2509.999268,705.7348022,1019.659058,1374.065552,0.8571429253,,0,0,0.9958922267,0.004107778892 +El Salvador,SLV,Latin America and Caribbean,LCN,1991,ehpm,Lower education,3894205,0.3611340523,0.1989368796,0.066637218,0.4304501116,0.5722287297,0.4605886638,0.4065934122,0.05399525166,1365388,0.6128444672,0.3934666812,0.3092691004,0.5611377358,0.1159617603,0.9156283736,0.08437161893,0.8657819629,0.1342180371,0.5405868292,0.3859838247,0.07342933863,0.1451589614,0.7710112333,,0.1506180614,0.8493819237,0,0.4032342136,0.2373671532,0.3593986332,0.8210920095,0.5286799073,0.001597092371,0.1781202406,0.00464477716,0.05300505459,0.1906584054,0.03488626331,0.006361151114,0.0313654542,0.09612735361,0.006854278967,0.003389944322,0.02021568269,0.1461571604,0.125596717,0.3966378868,0.1078167111,0.05873210728,0.1313887388,0.003210768569,46,0.1813899279,0.3321368694,3.285960913,8.904014587,6.309244633,591.4729614,1602.722656,1135.66394,512.8339233,737,597.750061,0.8571429253,,0.30654791,0.5908114314,0.1026406661,0 +El Salvador,SLV,Latin America and Caribbean,LCN,1991,ehpm,Male,2453301,0.4314566255,0.1950213164,0.05036438629,0.4618279636,0.5181789994,0.4605886638,0.4065934122,0.05399525166,1078665,0.8487570882,,0.06551036239,0.7756012678,0.1362939626,0.9138082862,0.08619172871,0.8672463894,0.1327535957,0.6261187792,0.2788329124,0.09504827857,0.2504664361,0.6778540611,,0.2589803338,0.7410196662,0,0.4436818361,0.2427609563,0.3135572076,,0.4984882176,0.00199494767,0.1558436006,0.009252534248,0.07566986978,0.1214012951,0.05503678694,0.0213735681,0.05705915764,0.0586864017,0.03764356673,0.009896590374,0.05487814173,0.07428175211,0.05433740467,0.4338916838,0.05393464118,0.09211792797,0.1727099568,0.01630832255,46,0.1466115564,0.2776147127,4.121142387,11.16711712,7.912843704,741.8056641,2010.081055,1424.31189,515.4545288,814.0909424,1035.077637,,,0.2356433719,0.5261605978,0.2375561446,0.000639866339 +El Salvador,SLV,Latin America and Caribbean,LCN,1991,ehpm,Old worker,1753524,0,0,0,0.531345427,1,0.4605886638,0.4065934122,0.05399525166,1203941,0.6866749525,0.4799062312,,0.6450709105,0.1276174933,0.9394122958,0.06058768556,,,0.563570857,0.3446524143,0.09177671373,0.2652243972,0.7035084963,,0.2731370926,0.7268629074,0,0.3045951724,0.2365783304,0.4588265121,0.8780981302,,0.001376196276,0.1783709675,0.008245673031,0.04858548194,0.2055674493,0.03969640657,0.02288822457,0.05809760839,0.1325768232,0.05024505034,0.00955086574,0.06995420903,0.1643258184,0.1108128503,0.2969654202,0.1018579155,0.05322118476,0.1209569946,0.02210969664,46,0.174943924,0.3111932874,4.453125,12.06669521,8.550270081,801.5625,2172.005127,1539.048706,517.5388184,851.7857666,1116,0.8571429253,,0.3337805569,0.4943042696,0.1712606698,0.0006545127253 +El Salvador,SLV,Latin America and Caribbean,LCN,1991,ehpm,Rural,2700169,0.4550163448,0.1928108931,0.04782256112,0,0.4971610904,0.4605886638,0.4065934122,0.05399525166,774292,0.5768694282,0.2964575589,0.3386617005,0.5249252915,0.1568798572,0.9099551439,0.09004484117,0.8649992943,0.1350006908,0.5178622007,0.3958295882,0.08630823344,0.08034960181,0.807241559,,0.08589921147,0.9141007662,0,0.6344932318,0.1546812803,0.2108254731,0.6406171322,0.3330822587,0.002120497636,0.1122471914,0.002859050175,0.03745454922,0.110501647,0.01787154935,0.005090330727,0.02112259902,0.0562393479,0.01034388319,0.00107583194,0.01515390258,0.09004486352,0.06792360544,0.6228243709,0.06737574935,0.03177678213,0.09153087437,0.001950122882,46,0.2113099098,0.2636757195,3.114816904,8.440262794,5.98063755,560.6670532,1519.247314,1076.514771,517.5388184,764.5460205,621.0465698,0.8571429253,,0.3713432252,0.5406198502,0.08792182803,0.000115078954 +El Salvador,SLV,Latin America and Caribbean,LCN,1991,ehpm,Total,5161684,0.4091726542,0.1989383698,0.05216960236,0.4768821597,0.5386577249,0.8564664261,0.7596153091,0.09685111706,1719845,0.618564515,0.424901098,0.2524793148,0.5660767269,0.107767351,0.9151458144,0.08485415578,0.8585163355,0.1414836943,0.5928177834,0.336334765,0.07084744424,0.2599698319,0.7400301681,,0.2527893186,0.7472106814,0,0.3298667073,0.2373555452,0.4327777326,0.8607448936,0.6055881381,0.001460254192,0.1805856228,0.006815367378,0.04849430546,0.197594136,0.03729435802,0.02143317275,0.04778961837,0.1286664605,0.04269424453,0.007703846786,0.06811789423,0.1480796933,0.113816157,0.3227457702,0.099013336,0.06100112572,0.1188209578,0.01800698787,46,0.1745154411,0.3106560707,3.920454502,10.62331009,7.527510643,705.6817627,1912.195801,1354.951782,512.8339233,783,894.375,0.8571429253,,0.2645042837,0.5097805262,0.2251518071,0.0005633896799 +El Salvador,SLV,Latin America and Caribbean,LCN,1991,ehpm,Young worker,1026857,0,1,0,0.4929946363,1,0.4605886638,0.4065934122,0.05399525166,515904,0.5025389791,0.3285201788,0.2524793148,0.4314379096,0.05707905814,0.8585163355,0.1414836943,0.8585163355,0.1414836943,0.6674904823,0.3150982857,0.01741120405,0.178075999,0.6383661032,,0.1911329925,0.8088670373,0,0.3944118917,0.2393406034,0.3662475049,0.8108485937,0.6055881381,0.001674943487,0.1862419546,0.003162275068,0.04826142639,0.1772298068,0.031159373,0.01771687716,0.02146233246,0.1186791211,0.02341202833,0.002987184329,0.06342855841,0.1065925807,0.1214855984,0.388580054,0.09174922854,0.08086847514,0.1133662388,0.007530052681,46,0.1734220684,0.3092852533,3.104166746,8.41140461,5.960188866,558.75,1514.052734,1072.833984,492.894104,678.5509033,558,0.8571429253,,0.1471173465,0.5360046625,0.3164690137,0.0004089838767 +El Salvador,SLV,Latin America and Caribbean,LCN,1995,ehpm,Female,2848401,0.3498243392,0.2098763436,0.06423955411,0.5594440699,0.5859361291,0.4417058229,0.3807369173,0.06096890196,742129,0.4446599483,0.4446599483,0.3820147514,0.4189670086,0.04803159833,0.9422189593,0.05778105929,0.8695772886,0.1304227114,0.5308030844,0.4418517351,0.02734519728,0.737433672,0.2619871497,,0.2624848485,0.2624848485,0,0.07193870842,0.2618813217,0.666179955,0.9280613065,0.9068169594,0,0.2559034824,0.001275656163,0.004702194128,0.3463106155,0.007472313009,0.03245200589,0.03051993065,0.2494250983,0.01285523921,0.02450632676,0.07839564979,0.07921796292,0.2833901644,0.01078730263,0.1632224917,0.05688825622,0.2907366157,0,45,0.185096994,0.3548565805,5.965909004,10.08060837,11.45490742,1073.863647,1814.509521,2061.883301,672.8004761,1161,1073.863647,,,0.2389372438,0.4927808642,0.1608098745,0.1074720174 +El Salvador,SLV,Latin America and Caribbean,LCN,1995,ehpm,Higher education,1466184,0.4763788283,0.2427805811,0.009316702373,0.6967126727,0.5143044591,0.4417058229,0.3807369173,0.06096890196,470919,0.6245071888,0.5309160948,0.06872101128,0.5734983087,0.06032997742,0.9183214307,0.08167859167,0.8270819783,0.1729180515,0.7788173556,0.163119629,0.05806302279,0.4182146192,0.5805251598,,0.5817853808,0.5817853808,0,0.03747904301,0.2492698729,0.7132511139,0.9925000072,0.938626647,0.0007445861702,0.2065902799,0.007344116922,0.03459088132,0.2403579503,0.04958897457,0.09909470379,0.1036940292,0.22051543,0.06396041065,0.1005769372,0.2166930735,0.1690349281,0.1576395184,0.010001041,0.1247505546,0.06297071278,0.0910198763,0.003352950094,45,0.1221133247,0.2061706185,11.25,19.00914574,21.60068321,2025,3421.64624,3888.123047,1147.959106,1517.329712,2250,0.9166666865,,0,0,0.3906935751,0.6093064547 +El Salvador,SLV,Latin America and Caribbean,LCN,1995,ehpm,Lower education,3998001,0.337954402,0.1997528225,0.07851848751,0.4918593168,0.5835270882,0.4417058229,0.3807369173,0.06096890196,1469311,0.6298103333,0.4173432887,0.2879345715,0.5854067802,0.08204024285,0.9294968843,0.07050311565,0.8798674941,0.1201324761,0.530281961,0.4121236503,0.057594385,0.8349222541,0.1641903222,,0.1642913669,0.1642913669,0,0.3092105389,0.2804344893,0.4103549719,0.9028455019,0.620809257,0.0004078434722,0.1977008432,0.00312143052,0.07920437306,0.2255579531,0.04239668325,0.01050142013,0.025371233,0.1065276936,0.005304893944,0.004583662841,0.01376343612,0.01464429032,0.1652930379,0.1220601574,0.1952098459,0.0741667375,0.4045206904,0.0004532407911,45,0.1344883442,0.2997401357,5.151428223,8.704378128,9.891055107,927.257019,1566.787964,1780.389771,705.7347412,1132.116211,964.2857666,0.9166666865,,0.2653928101,0.6047741175,0.1298330575,0 +El Salvador,SLV,Latin America and Caribbean,LCN,1995,ehpm,Male,2615784,0.4026177227,0.2128466964,0.05527864769,0.5330876112,0.5421036482,0.4417058229,0.3807369173,0.06096890196,1198101,0.8449076414,,0.04676513001,0.7749695778,0.09513644129,0.91722399,0.08277599514,0.865893364,0.1341066211,0.6277520657,0.2952089906,0.07703892887,0.7329695225,0.2658001781,,0.266105026,0.266105026,0,0.3532536626,0.2799758315,0.3667705059,,0.5890395641,0.0007998711662,0.1641646773,0.005957629532,0.109053649,0.1545471102,0.06744942814,0.03139790148,0.05291707441,0.06045897678,0.02358300425,0.02968258969,0.05249575153,0.03431256115,0.08713590354,0.1487651169,0.1878359467,0.08075513691,0.3535512388,0.001882745652,45,0.09742326289,0.2279165089,6.534581184,11.04149437,12.54679298,1171.875,1987.468994,2250.071045,724.5543213,1235.035767,1577.922119,,,0.1956503987,0.5074594617,0.1924585402,0.1044316068 +El Salvador,SLV,Latin America and Caribbean,LCN,1995,ehpm,Old worker,1932434,0,0,0,0.6009002328,1,0.4417058229,0.3807369173,0.06096890196,1360866,0.7042238116,0.5145313144,,0.6705553532,0.09345549345,0.9521907568,0.04780926183,,,0.5444817543,0.3801476955,0.07537052035,0.7185608149,0.2800832391,,0.2806103528,0.2806103528,0,0.2198033035,0.2651180327,0.5150786638,0.9346783757,,0.0004414247815,0.1945209354,0.004657340236,0.0654983297,0.2445524186,0.04623924568,0.03292473406,0.05265379697,0.1387084723,0.02575543895,0.03411627188,0.07115582377,0.05155332014,0.1735501736,0.1152527705,0.1832854301,0.07012711465,0.2739503682,0.001253276016,45,0.1329378039,0.2890918255,6.958021641,11.7569828,13.35982418,1248.562378,2116.256836,2397.315674,710.4396362,1281.25,1693.125,0.9166666865,,0.2843745053,0.501948297,0.1100024208,0.103674762 +El Salvador,SLV,Latin America and Caribbean,LCN,1995,ehpm,Rural,2476222,0.4308078885,0.2033383995,0.0543977879,0,0.5147942901,0.4417058229,0.3807369173,0.06096890196,754688,0.5920305848,0.3167646825,0.304007262,0.5457499623,0.1121473312,0.9218273163,0.07817269862,0.8751721978,0.1248278245,0.5240555406,0.4190659821,0.05687846243,0.8923791051,0.1064105928,,0.1064105928,0.1064105928,0,0.5302145481,0.204426676,0.2653588057,0.7849253416,0.4235549569,0.0002802964591,0.1328303367,0.003094760235,0.06822127849,0.1370376498,0.02339828573,0.006924041081,0.02113722824,0.0768615976,0.001684653573,0.005216388963,0.01707508415,0.01032784581,0.09924363345,0.205373928,0.1187163293,0.04980796203,0.4916342199,0.0009199473425,45,0.1528211683,0.2194972187,4.492524624,7.59102726,8.625920296,808.6543579,1366.384888,1552.665527,713.6587524,1186.026489,970.3852539,0.9166666865,,0.3325597644,0.5538551211,0.0888947919,0.02469034679 +El Salvador,SLV,Latin America and Caribbean,LCN,1995,ehpm,Total,5464185,0.3750973046,0.2112983018,0.05994983763,0.5468268394,0.5649528652,0.7700591836,0.6639444238,0.1061147599,1940230,0.6285149394,0.4446599483,0.2203498632,0.5824978761,0.07681899518,0.9267844558,0.07321554422,0.867107749,0.1328922808,0.5900369287,0.352256,0.05770706013,0.7354240741,0.2645759558,,0.2646972537,0.2646972537,0,0.2438600212,0.2729395032,0.4832004607,0.9280613065,0.6940886378,0.0004888289259,0.1998387277,0.004136972129,0.06847497821,0.2291173041,0.04412640631,0.03180780634,0.04420759901,0.1339413524,0.01941134781,0.02766972035,0.06256732345,0.05177471787,0.1634523869,0.09511031955,0.1782646328,0.07147413492,0.3291248083,0.00115061109,45,0.131518051,0.2772812843,6.25,10.56063747,12.00037956,1125,1900.914795,2160.068359,707.1428223,1209.375,1400,0.9166666865,,0.2191859633,0.4994785488,0.1752507836,0.1060847118 +El Salvador,SLV,Latin America and Caribbean,LCN,1995,ehpm,Young worker,1154573,0,1,0,0.5638985038,1,0.4417058229,0.3807369173,0.06096890196,579364,0.501799345,0.3194633126,0.2203498632,0.4351141155,0.03390721232,0.867107749,0.1328922808,0.867107749,0.1328922808,0.7073816061,0.2804102898,0.01220810879,0.7763485312,0.223651439,,0.223651439,0.223651439,0,0.3059113622,0.2931140661,0.4009745717,0.9068169594,0.6940886378,0.0006111021503,0.2135553211,0.002794747241,0.07615288347,0.189304322,0.03867659718,0.02892682888,0.02242167667,0.12164516,0.003047548467,0.0110416403,0.0404143557,0.05234577507,0.1374064237,0.04315535724,0.1653140783,0.07494859397,0.4714404345,0.0008857995272,45,0.1278567612,0.2468241602,5.357142925,9.051974297,10.28603935,964.2857666,1629.355469,1851.487183,705.7347412,1125,1007.8125,0.9166666865,,0.1108049825,0.495372355,0.2837312222,0.1100914404 +El Salvador,SLV,Latin America and Caribbean,LCN,1996,ehpm,Female,2979566,0.3477660716,0.2083645761,0.06530816853,0.558874011,0.586925745,0.4364251792,0.3745058179,0.06191935018,755663,0.432107687,0.432107687,0.3916847706,0.40392524,,0.9347791076,0.06522087008,0.8557029963,0.1442969739,0.5313508511,0.4438052177,0.02484392934,0.1799900383,0.241437301,,0.4570198059,0.5729037523,0.0942356661,0.07303454727,0.2437802404,0.6831852198,0.9269654751,0.9074202776,0.0003043696051,0.2366664857,0.001091483631,0.005717901979,0.3493568599,0.008336896077,0.03278556094,0.1817086637,0.1109972298,,,,,,,,,,,45,0.192750901,0.351334542,6.377551079,9.815345764,12.24528503,1125,1766.762207,2160.068359,709.7675171,1218.372681,1211.538452,,2.504160166,0.2315917909,0.4883016944,0.1595793366,0.1205271631 +El Salvador,SLV,Latin America and Caribbean,LCN,1996,ehpm,Higher education,1574951,0.4471955001,0.2597953975,0.01016857009,0.7041165233,0.5426359177,0.4364251792,0.3745058179,0.06191935018,523861,0.6129717827,0.5196599364,0.0869429186,0.5581769943,,0.9106079936,0.0893920362,0.8351237774,0.1648762077,0.7749081254,0.1710061431,0.05408575013,0.2475494295,0.5186633468,,0.670363307,0.676918149,0.2491405159,0.03782555461,0.2312507331,0.7309237123,0.9929910302,0.928414762,0.0006833922816,0.1810737997,0.009477351792,0.04001618177,0.263191998,0.05835247785,0.08682227135,0.3133752048,0.009181774221,,,,,,,,,,,45,0.1279411018,0.2193249017,12.5,19.23807716,24.00075912,2250,3462.85376,4320.136719,1022.727234,1575,2437.5,0.9230769277,2.504160166,0,0,0.3524362743,0.6475637555 +El Salvador,SLV,Latin America and Caribbean,LCN,1996,ehpm,Lower education,4121558,0.33689031,0.194842577,0.08072481304,0.4883500338,0.5823848844,0.4364251792,0.3745058179,0.06191935018,1478715,0.616045773,0.4023971856,0.2937905788,0.5729913116,,0.9301116467,0.06988838315,0.8805319667,0.1194680408,0.5309931636,0.4212147295,0.04779210687,0.3248056769,0.1476497203,,0.2798849642,0.312515676,0.03634731099,0.3328769803,0.2674262226,0.3996967971,0.8992984891,0.5885285139,0.001025905716,0.1864661872,0.002469153842,0.07746497542,0.2129994184,0.0429353565,0.01071129926,0.07432617992,0.05872455984,,,,,,,,,,,45,0.1389407963,0.287859261,5.625,8.65713501,10.80034161,1010,1558.284302,1939.261353,758.664856,1232.235352,1047.400024,0.9230769277,2.504160166,0.2569651902,0.6057747006,0.1372601241,0 +El Salvador,SLV,Latin America and Caribbean,LCN,1996,ehpm,Male,2716943,0.3889047503,0.2176652253,0.0567317754,0.5360841155,0.5543634892,0.4364251792,0.3745058179,0.06191935018,1246913,0.827867806,,0.04790795967,0.7608842254,,0.9190889597,0.08091101795,0.8746777177,0.1253222972,0.6323740482,0.3030482829,0.06457766891,0.3819082379,0.2442758679,,0.3873332143,0.3901022971,0.08924158663,0.370221734,0.2669429183,0.3628353477,,0.5660215616,0.00132806995,0.1532795131,0.006235471461,0.1060998738,0.1498450339,0.0706782788,0.02878648229,0.1076425985,0.005882948171,,,,,,,,,,,45,0.1011950895,0.220207423,7.083333492,10.901577,13.60043049,1256.25,1962.283813,2412.076172,776.3082886,1350,1687.5,,2.504160166,0.1811521202,0.4950710833,0.1994791925,0.124297604 +El Salvador,SLV,Latin America and Caribbean,LCN,1996,ehpm,Old worker,2042738,0,0,0,0.6028105617,1,0.4364251792,0.3745058179,0.06191935018,1421767,0.6960104704,0.5033432245,,0.6598726511,,0.948078692,0.05192130804,,,0.5582178235,0.376319319,0.06546285748,0.2643931806,0.2558372021,,0.4604059458,0.4917767346,0.1086088717,0.2313503474,0.2497242093,0.5189254284,0.9327261448,,0.0009562690393,0.177204296,0.004676741548,0.06688690186,0.2419813275,0.05009247363,0.03148120642,0.156909734,0.03846070915,,,,,,,,,,,45,0.1342100203,0.285825789,7.5,11.54284573,14.40045547,1341.767334,2077.712158,2576.274658,759.375,1355.458862,1848.214355,0.9230769277,2.504160166,0.2718773782,0.4957874417,0.1127671972,0.1195679754 +El Salvador,SLV,Latin America and Caribbean,LCN,1996,ehpm,Rural,2574797,0.4233087003,0.2068869919,0.05469052494,0,0.5220007896,0.4364251792,0.3745058179,0.06191935018,783767,0.5831400156,0.3068175316,0.3000383079,0.5384517908,,0.9233662486,0.07663374394,0.8835228682,0.1164771318,0.5215895176,0.4369222522,0.04148823395,0.3779155612,0.1004388556,,0.1944765002,0.2099674493,0.03385776654,0.5599098802,0.1897391677,0.250350982,0.7798202038,0.4113942683,0.00139559817,0.1219656095,0.002174922265,0.06420304626,0.1195571646,0.02087455615,0.006982136518,0.0600079596,0.04292915389,,,,,,,,,,,45,0.1595210135,0.2145918757,5.031627655,7.743906975,9.661030769,905.6929932,1393.90332,1738.985596,758.664856,1315.019165,1060.95459,0.9230769277,2.504160166,0.3155663908,0.5536974072,0.0995805338,0.03115565889 +El Salvador,SLV,Latin America and Caribbean,LCN,1996,ehpm,Total,5696509,0.367387116,0.2128005028,0.0612176694,0.5480043888,0.5713952184,0.7501021562,0.6429649814,0.1071371748,2002576,0.6152386598,0.432107687,0.2239725441,0.5691016717,,0.9250096083,0.07499041408,0.8685385585,0.1314614564,0.5938181877,0.3567686379,0.04941315949,0.5563005809,0.4436993919,,0.411131531,0.4436994195,0.09114598483,0.2568950951,0.2581102848,0.4849946201,0.9269654751,0.674847126,0.0009377014358,0.1850775331,0.004273910075,0.06782113016,0.2259250432,0.04690558463,0.03031145595,0.1358862668,0.04596626386,,,,,,,,,,,45,0.1361081451,0.2702102363,6.818181992,10.49349689,13.09132385,1220.625,1888.829346,2343.674072,758.664856,1293.847046,1499.999878,0.9230769277,2.504160166,0.2084513754,0.4914073348,0.1778843552,0.1222569421 +El Salvador,SLV,Latin America and Caribbean,LCN,1996,ehpm,Young worker,1212220,0,1,0,0.5605649352,1,0.4364251792,0.3745058179,0.06191935018,580809,0.4791283906,0.3026854098,0.2239725441,0.4161414504,,0.8685385585,0.1314614564,0.8685385585,0.1314614564,0.6888591647,0.3045749366,0.006565927062,0.4131765962,0.2094081789,,0.3045331836,0.336352855,0.04448365048,0.325152874,0.2805185914,0.3943285346,0.9074202776,0.674847126,0.0008880871464,0.206115514,0.003197510261,0.07031746954,0.1830212772,0.03838994727,0.02718577534,0.0797097832,0.06602174789,,,,,,,,,,,45,0.1411800832,0.2284841985,5.900726795,9.081490517,11.32975388,1053.409058,1634.668213,2022.609375,757.4887085,1207.590698,1100,0.9230769277,2.504160166,0.10074725,0.4839694202,0.2884602249,0.1268231124 +El Salvador,SLV,Latin America and Caribbean,LCN,1998,ehpm,Female,3154382,0.3517291248,0.2016981393,0.06168339774,0.5895887017,0.5865874887,0.438572377,0.3796286583,0.05894373357,879244,0.4751845896,0.4751845896,0.3536927402,0.4456983507,0.052606754,0.9379478097,0.06205217168,0.8685558438,0.1314441711,0.5577579737,0.4248543382,0.01738769561,0.5914403796,0.3000891209,0.3608440757,0.2931937575,0.3385215402,0,0.06059462205,0.2502027154,0.6892026663,0.9394053817,0.9146037698,0.0002209134691,0.2448437363,0.001170113101,0.00396794593,0.3622519672,0.006186790764,0.03918664902,0.03701757267,0.2445597053,0.01389621478,0.02643918619,0.08915767819,0.09142884612,0.2652430832,0.01155835297,0.1347399354,0.06737360358,0.3001630902,0,46,0.1989720762,0.3669880331,7.739795685,11.11687183,14.86087799,1375.3125,2001.036865,2640.683594,794.6377563,1341,1499.999878,,,0.195711568,0.5171738863,0.1687476486,0.1183668748 +El Salvador,SLV,Latin America and Caribbean,LCN,1998,ehpm,Higher education,1910914,0.4758251905,0.2301558256,0.008568150923,0.7228326201,0.5156066418,0.438572377,0.3796286583,0.05894373357,643467,0.6530803442,0.5731865168,0.08529631048,0.5965979099,0.05346570909,0.9135138392,0.08648617566,0.8290771246,0.1709228605,0.7828086019,0.1798153222,0.03737606108,0.3494852185,0.6371500492,0.4680494666,0.6131409407,0.647657752,0,0.03761159256,0.2281306386,0.7342577577,0.9902897477,0.9284042716,0.0003954091517,0.1855440438,0.006140772253,0.03605040908,0.2601281106,0.0470366478,0.1037471816,0.1160031632,0.2073426843,0.06236815453,0.1012391597,0.1976264715,0.1679130942,0.173705712,0.006486723665,0.1105311885,0.0682951808,0.1074468866,0.004387427587,46,0.1303691864,0.2784249783,13.609375,19.54750252,26.13082695,2437.5,3518.550293,4680.147949,1218.375,1772.386475,2812.5,0.9583774209,,0,0,0.4220843017,0.5779156685 +El Salvador,SLV,Latin America and Caribbean,LCN,1998,ehpm,Lower education,4135343,0.3252092898,0.1935176849,0.08036117256,0.5115486383,0.5944295526,0.438572377,0.3796286583,0.05894373357,1561550,0.6352489591,0.4375230968,0.2787212133,0.5902305245,0.07659176737,0.9291325808,0.07086740434,0.8894411325,0.1105588973,0.545759201,0.4255627692,0.02867802046,0.7598655224,0.1788092405,0.1767095625,0.1729560494,0.1910387278,0,0.3037684858,0.2646713257,0.4315601885,0.9151272774,0.6244834065,0.001159424311,0.1933536381,0.003479651408,0.06667861342,0.2449549139,0.04192814603,0.01435976662,0.02377164364,0.1065457165,0.004003757611,0.000452137203,0.01717501134,0.01418511569,0.1572782695,0.1184296235,0.1808927953,0.08512792736,0.4203670025,0.002088377718,46,0.1713081002,0.3465177715,6.487205505,9.317744255,12.45582867,1163.9552,1677.19397,2234.864746,841.0006104,1384.772827,1218.75,0.9583774209,,0.2235016227,0.6524561048,0.1240422726,0 +El Salvador,SLV,Latin America and Caribbean,LCN,1998,ehpm,Male,2891875,0.3958072066,0.208804667,0.0532944873,0.5660383105,0.5508983135,0.438572377,0.3796286583,0.05894373357,1325773,0.8321818113,,0.05884535238,0.7620337009,0.08168742061,0.9157058001,0.0842942223,0.8727208972,0.1272791028,0.6523687243,0.3070674837,0.04056380317,0.6755748391,0.3183478415,0.257532239,0.2934454679,0.3207078874,0,0.3401691914,0.2568272054,0.403003633,,0.5987848043,0.001427156501,0.1546240002,0.006334037054,0.09444200248,0.1726636887,0.06866089255,0.04072175175,0.05937036872,0.06158691272,0.02554327808,0.03159920126,0.05564991757,0.036146909,0.09189155698,0.1368258148,0.178176105,0.08903821558,0.3505088091,0.004620194901,46,0.1325590611,0.299410671,8.214901924,11.79927921,15.77311039,1462.5,2123.870117,2808.088867,841.0006104,1529.092041,2025,,,0.1567344368,0.5212473273,0.20408234,0.1179359034 +El Salvador,SLV,Latin America and Caribbean,LCN,1998,ehpm,Old worker,2203380,0,0,0,0.6278013587,1,0.438572377,0.3796286583,0.05894373357,1573659,0.7142022848,0.5376545787,,0.6756197214,0.08172723651,0.9459781051,0.05402186885,,,0.5867677331,0.3724440634,0.04078822583,0.6239141822,0.3330299258,0.3233847916,0.3185734749,0.3490696847,0,0.2045062482,0.2480496466,0.5474441051,0.947171092,,0.0007427058299,0.1829785258,0.005190875381,0.05913753435,0.2566052079,0.04682138562,0.0419511199,0.05796331912,0.14410308,0.0280724708,0.03696309403,0.07759260386,0.05708875135,0.1630682051,0.1034664363,0.1609851122,0.08216118068,0.2879332602,0.002668866422,46,0.1545548886,0.3380564153,8.985049248,12.90546227,17.25184059,1584.374878,2322.983398,3042.095947,853.125061,1529.092041,2083.333252,0.9583774209,,0.2309442014,0.5098789334,0.13350977,0.125667125 +El Salvador,SLV,Latin America and Caribbean,LCN,1998,ehpm,Rural,2549557,0.4229558408,0.2011867166,0.0541956909,0,0.5228484869,0.438572377,0.3796286583,0.05894373357,797766,0.5984597802,0.3441722691,0.2816232741,0.5561742187,0.0995227918,0.9293426871,0.07065731287,0.8988417983,0.1011581719,0.5156536698,0.4578751922,0.0264711082,0.8100966215,0.1389024556,0.1625094861,0.1232201755,0.1470294893,0,0.5210709572,0.1872263104,0.2917027473,0.8136056066,0.4470986128,0.001345010824,0.1272067279,0.002839766908,0.05583481118,0.1450615078,0.02121798322,0.01401941013,0.02593294159,0.08547091484,0.004407888744,0.002967366949,0.02399116196,0.01909770444,0.09816050529,0.2033374757,0.1100879684,0.05021459609,0.4841758311,0.003559491597,46,0.2072975338,0.2711184621,5.955803871,8.554477692,11.43550491,1070.36438,1539.80603,2055.164551,841.0006104,1423.642578,1330.814209,0.9583774209,,0.2730128467,0.5895544291,0.1006718129,0.03676092997 +El Salvador,SLV,Latin America and Caribbean,LCN,1998,ehpm,Total,6046257,0.3728113174,0.2050971389,0.05767105147,0.5783247352,0.5695176423,0.7558718764,0.6546089002,0.1012629762,2205017,0.6403510956,0.4751845896,0.2101203948,0.5920524431,0.06992387027,0.9245747328,0.07542526722,0.8712267876,0.1287732124,0.6140819788,0.3547330201,0.03118498437,0.6735318471,0.3264681216,0.2905906439,0.2933477163,0.327450186,0,0.2271221876,0.2541485727,0.5187292695,0.9394053817,0.7116606832,0.0009394077351,0.1911046803,0.004245985299,0.05785848573,0.2493243963,0.04339926317,0.04010102898,0.05033193529,0.1355726272,0.02083187178,0.02951190062,0.06920429319,0.05850925669,0.1620147675,0.08615330607,0.1606055349,0.08027456701,0.3301432431,0.0027512589,46,0.1594168395,0.3267393112,8.023148537,11.52385902,15.40493202,1427.5,2074.294434,2740.886719,841.0006104,1459.890747,1788,0.9583774209,,0.177801311,0.519045651,0.1849841774,0.1181688383 +El Salvador,SLV,Latin America and Caribbean,LCN,1998,ehpm,Young worker,1240070,0,1,0,0.5863645077,1,0.438572377,0.3796286583,0.05894373357,631358,0.5091309547,0.3559764922,0.2101203948,0.4435684979,0.03797977045,0.8712267876,0.1287732124,0.8712267876,0.1287732124,0.6879393458,0.3068426847,0.005217986181,0.6892461777,0.2512380481,0.2148099244,0.2285725474,0.2678641081,0,0.2883393168,0.2706572115,0.4410034716,0.9146037698,0.7116606832,0.001471842988,0.2131006718,0.001688344055,0.05439633504,0.2296166122,0.03413620591,0.03509317711,0.02967519313,0.112482287,0.001236237818,0.009346321225,0.04650253803,0.06235365197,0.159163788,0.03929781541,0.1595782936,0.07516870648,0.444378376,0.00297424267,46,0.1724915802,0.2963054478,6.770833492,9.725126266,13.00041103,1218.75,1750.522827,2340.073975,825.7768555,1320.75,1329.54541,0.9583774209,,0.08380695432,0.5352590084,0.2760275006,0.1049065366 +El Salvador,SLV,Latin America and Caribbean,LCN,1999,ehpm,Female,3068314,0.3367983103,0.2034332156,0.07038979977,0.5902463198,0.5928118825,0.4292058945,0.3653611243,0.06384477019,865893,0.4771372974,0.4771372974,0.366720438,0.4544605315,0.05907801166,0.9524733424,0.04752665758,0.9018963575,0.09810367227,0.567943871,0.408277303,0.02377880923,0.5666804314,0.3243798018,0.3590614498,0.3248417675,0.3642400503,0,0.04347188026,0.2427346855,0.7137934566,0.9565281272,0.9558898807,0,0.2371523082,0.0004910638672,0.005091301631,0.3641935587,0.008817324415,0.03864005581,0.03631205112,0.2658304572,0.01675194688,0.03214588761,0.09466013312,0.08617018908,0.2514174283,0.01082280464,0.1377512962,0.07430463284,0.2959757149,0,45,0.2159128189,0.3470005393,8.125,11.61037636,15.60049343,1455.577881,2089.867676,2794.797852,828.0621338,1422.1875,1579.571533,,,0.2034596205,0.5033612847,0.1673549563,0.1258241087 +El Salvador,SLV,Latin America and Caribbean,LCN,1999,ehpm,Higher education,1865603,0.4440505207,0.2419346422,0.009688556194,0.7382846475,0.5462608933,0.4292058945,0.3653611243,0.06384477019,657506,0.6451792121,0.5727435946,0.09231778234,0.5915380716,0.05512407795,0.9168585539,0.08314144611,0.8370295763,0.1629704386,0.7976526618,0.159906745,0.04244061932,0.3277668953,0.6609730721,0.4458984435,0.6592456102,0.6689940095,0,0.02492283657,0.2176861018,0.7573910356,0.9962989092,0.9540916085,0.0001510072616,0.1765490621,0.005900899414,0.03508512676,0.2603498101,0.05123626813,0.1011383608,0.1121552587,0.2325113714,0.05953984335,0.1022875085,0.2337237149,0.15697366,0.1621607691,0.006399707869,0.09958529472,0.07304923236,0.1035249829,0.002755291527,45,0.1383333355,0.2498603314,15,21.4345417,28.80091095,2596.153809,3858.217529,4984.772949,1122.02417,1905.340942,2906.250244,0.9717947841,,0,0,0.3956998289,0.6043002009 +El Salvador,SLV,Latin America and Caribbean,LCN,1999,ehpm,Lower education,4006397,0.3168822229,0.1921699196,0.09034626186,0.5044068098,0.5927715302,0.4292058945,0.3653611243,0.06384477019,1486805,0.6309207082,0.4375222623,0.2911750674,0.5897578001,0.07406882197,0.9347574115,0.06524258107,0.8906090856,0.1093909368,0.5479599237,0.4095189869,0.04252111539,0.7595822811,0.1733721793,0.1666646898,0.1765272617,0.1863255352,0,0.2795520425,0.2698801756,0.4505677819,0.9357947707,0.6715317369,0.001214561518,0.1964596361,0.003254420357,0.06895154715,0.2478892654,0.04483084753,0.0147157656,0.02802629396,0.1151056066,0.003589000553,0.0004914369201,0.01383938175,0.0128270071,0.1486269236,0.1208452731,0.1768604517,0.09555245936,0.4244575799,0.002910486422,45,0.1902185678,0.3177491724,6.772321224,9.677440643,13.00326824,1218.75,1741.939331,2340.073975,899.5317993,1401.667603,1299.75,0.9717947841,,0.2331816554,0.6386559606,0.1281623691,0 +El Salvador,SLV,Latin America and Caribbean,LCN,1999,ehpm,Male,2803686,0.3797054887,0.2129575163,0.05851582438,0.5660901666,0.5617786646,0.4292058945,0.3653611243,0.06384477019,1278418,0.8190246224,,0.06043227017,0.7482219934,0.07487614453,0.9135525227,0.08644746989,0.8587809801,0.1412190497,0.6626387239,0.2816442549,0.05571702868,0.6729125977,0.3184214234,0.2444532812,0.308632195,0.3220701814,0,0.3148871064,0.2621167302,0.4229961634,,0.6392320991,0.001523531275,0.1574426889,0.006571994629,0.09657852352,0.1721735895,0.07357311249,0.04241908342,0.06559149176,0.06923888624,0.02317403257,0.0306823682,0.07026445866,0.03543876112,0.08302494884,0.1394663304,0.1645908654,0.09894151986,0.3495310247,0.004885683767,45,0.1447962523,0.2614370584,8.333333015,11.90807819,16.00050545,1462.5,2143.454102,2808.088867,934.4450073,1492.346924,1951.875,,,0.1629769355,0.5096755028,0.20273,0.1246175542 +El Salvador,SLV,Latin America and Caribbean,LCN,1999,ehpm,Old worker,2172721,0,0,0,0.6310805678,1,0.4292058945,0.3653611243,0.06384477019,1547121,0.7164308429,0.5489865541,,0.6810228825,0.08136969805,0.9505772591,0.04942276701,,,0.5871498585,0.358156234,0.05469392985,0.6134247184,0.342723459,0.3123944998,0.3387770653,0.3590016365,0,0.1874903888,0.2436308116,0.5688787699,0.9567204118,,0.0008514469955,0.1785134822,0.00476184627,0.05950403959,0.257083267,0.04616515711,0.04072596133,0.06110560149,0.1637988091,0.02667989396,0.04032072797,0.09196224064,0.05228136107,0.1503619403,0.1040724665,0.1543995887,0.08714262396,0.2912832201,0.001495929086,45,0.1700305194,0.3022793233,9.344450951,13.35293484,17.9419136,1650.000122,2403.528076,3168.100342,933.7262573,1523.437622,2216.25,0.9717947841,,0.2394658625,0.495562911,0.131940037,0.1330312043 +El Salvador,SLV,Latin America and Caribbean,LCN,1999,ehpm,Rural,2473800,0.4102182984,0.2071954012,0.05856698379,0,0.5312147141,0.4292058945,0.3653611243,0.06384477019,768798,0.5881001353,0.3400014639,0.2982425094,0.5476360321,0.08968000114,0.9311951995,0.06880480796,0.8926633,0.1073367074,0.5352293253,0.4272245467,0.03754613921,0.8014641404,0.1345144063,0.1282622218,0.1245455369,0.1436828524,0,0.4732637703,0.1975356936,0.329200536,0.8698272109,0.5235524774,0.00191367243,0.1379254907,0.001549096894,0.05614742637,0.1563358605,0.02325740643,0.01362199523,0.02877772227,0.107207559,0.001665034681,0.001891323016,0.022377396,0.0118298484,0.1010852084,0.199667275,0.1090052947,0.060914848,0.4864485562,0.00511523243,45,0.2239371687,0.2565062344,6.229633808,8.901956558,11.9612751,1121.334106,1602.352051,2153.029541,934.0343628,1408.783813,1330.814209,0.9717947841,,0.2821701467,0.5822087526,0.1032128856,0.03240822256 +El Salvador,SLV,Latin America and Caribbean,LCN,1999,ehpm,Total,5872000,0.3572850823,0.207980752,0.06472036988,0.578712523,0.5779945552,0.7301201169,0.6181461038,0.1119740131,2144311,0.6317976107,0.4771372974,0.2173746377,0.5871100192,0.06833741069,0.929269135,0.0707308799,0.8740668893,0.1259331256,0.6234415174,0.334061712,0.0424967818,0.6621637089,0.3378363224,0.2822168171,0.315043509,0.3384433985,0,0.2025379092,0.2540937662,0.5433683395,0.9565281272,0.7550729513,0.0008928831085,0.1904375702,0.004054863937,0.05870844796,0.2516580224,0.04676820338,0.04085480049,0.0534716025,0.1506156772,0.02051597834,0.03128810972,0.08036164939,0.05643612891,0.1527213603,0.08622170985,0.153482154,0.08874449134,0.327364862,0.002863534959,45,0.174429819,0.2970905006,8.278409004,11.82959366,15.89504814,1462.5,2129.326904,2808.088867,911.0839233,1462.5,1789.821899,0.9717947841,,0.1848439276,0.5062648654,0.183621943,0.1252692789 +El Salvador,SLV,Latin America and Caribbean,LCN,1999,ehpm,Young worker,1221263,0,1,0,0.580303371,1,0.4292058945,0.3653611243,0.06384477019,597190,0.491035074,0.3397520781,0.2173746377,0.42919752,0.03161974251,0.8740668893,0.1259331256,0.8740668893,0.1259331256,0.7256310582,0.2662167251,0.008152210154,0.6726680994,0.2593661845,0.2131065577,0.2523270845,0.2789877355,0,0.2449270487,0.2835680842,0.4715048671,0.9558898807,0.7550729513,0.001009609434,0.2240279466,0.002063281601,0.05646724626,0.2363750637,0.04846700281,0.0412177369,0.03196649626,0.1134785712,0.00314952177,0.005839259364,0.04767770693,0.06814193726,0.1593688726,0.03592830524,0.150897339,0.09325765073,0.4290227294,0.006716681179,45,0.1865675002,0.282774508,6.887755394,9.842391968,13.22490883,1227.272827,1771.630615,2356.438232,897.0673218,1401.667603,1275.363525,0.9717947841,,0.08763214946,0.5253113508,0.2756012976,0.1114552319 +El Salvador,SLV,Latin America and Caribbean,LCN,2000,ehpm,Female,3270285,0.3318967521,0.1968491971,0.07324071229,0.5959893465,0.5948625207,0.4296099842,0.363524735,0.06608525664,914253,0.4699635506,0.4699635506,0.3743050396,0.4551247358,0.05705647171,0.9684255719,0.03157440946,0.9265065789,0.07349342108,0.5365772843,0.4337825477,0.02964017913,0.2330305725,0.3035466969,0.3010516167,0.2776845396,0.5657092333,0,0.03456684574,0.2440732121,0.7213599682,0.9654331803,0.9704067111,0,0.2418143004,0.0003727187868,0.00188618293,0.3738154769,0.00948625803,0.03097745031,0.04221435636,0.2648664117,0.009189212695,0.04355162755,0.07982394099,0.08427962661,0.2553485036,0.0105445534,0.1372316778,0.07942185551,0.3006089926,0,45,0.2264142483,0.3344529867,8.908951759,12.44789314,17.10572815,1602.627075,2240.620605,3077.141357,871.1213379,1566.922852,1730.177612,,,0.1945688277,0.5087116957,0.1771650463,0.1195544228 +El Salvador,SLV,Latin America and Caribbean,LCN,2000,ehpm,Higher education,2008347,0.4457865059,0.2390906513,0.01119477861,0.7260757089,0.5430186987,0.4296099842,0.363524735,0.06608525664,684357,0.6275222898,0.5442207456,0.1119170636,0.584107399,0.05134299397,0.9308153391,0.06918465346,0.8605470657,0.1394529492,0.7838762403,0.1577196568,0.05840410665,0.1773472875,0.6065289378,0.4206878245,0.5574213862,0.7737560272,0,0.0298849307,0.2138208151,0.7562942505,0.9962017536,0.9488815069,0.0003359444963,0.1737586558,0.007194549311,0.03253167123,0.2593978047,0.06031773612,0.09370182455,0.1288959384,0.213980943,0.03873408586,0.1298535317,0.2186637521,0.156897068,0.1576458812,0.01199510228,0.100331232,0.07517307252,0.1066011488,0.004105116241,45,0.1398094147,0.2432520688,15.94139385,22.27386284,30.60844421,2865.304932,4009.29541,5501.55957,1617.334473,2008.229248,3272.28833,0.9869828224,,0,0,0.4039880633,0.5960119367 +El Salvador,SLV,Latin America and Caribbean,LCN,2000,ehpm,Lower education,4264006,0.3120394349,0.1864178926,0.0945392698,0.5173757076,0.5934212804,0.4296099842,0.363524735,0.06608525664,1565338,0.6186246276,0.4397322834,0.3093018234,0.5896298289,0.0720892027,0.9531302452,0.04686975107,0.9264512658,0.07354873419,0.5183894038,0.4335781336,0.04803243652,0.3508392572,0.1675501764,0.1623434573,0.1716233045,0.3232129514,0,0.2659797072,0.2636532485,0.4703670442,0.9504563212,0.6712098718,0.0007728032069,0.1979931295,0.002813727595,0.0620735921,0.2631163597,0.04511213675,0.01707405783,0.02662719227,0.1184372902,0.003245371394,0.0004182386911,0.01602444053,0.01108734682,0.1536926627,0.1186397076,0.1791093796,0.1003920287,0.4146970809,0.00269375206,45,0.1879701465,0.3207676411,7.32793045,10.23883629,14.07007122,1318.153931,1842.990601,2530.935547,945.7973633,1549.027588,1353.383667,0.9869828224,,0.2207692862,0.6450343728,0.1341963559,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2000,ehpm,Male,3002068,0.3798831403,0.2102920413,0.06198427081,0.5713561177,0.5581325889,0.4296099842,0.363524735,0.06608525664,1335442,0.7970161438,,0.09288607538,0.7422001958,0.07216497511,0.9312235117,0.06877648085,0.8946533203,0.1053466722,0.6414315104,0.292128861,0.06643963605,0.3458456993,0.2955857813,0.2414524108,0.2937306762,0.4608220458,0,0.3098002076,0.2520675957,0.4381321967,,0.6395059228,0.001099232468,0.1543806493,0.006795620546,0.08979209512,0.1823986173,0.07826503366,0.04642669111,0.06791520119,0.06312666088,0.01719209179,0.03601011634,0.07440042496,0.03366610408,0.08334305137,0.1409719437,0.1685717553,0.1024039164,0.338106066,0.005334534217,45,0.135930106,0.2713182271,9.047237396,12.64111042,17.37124443,1623.797974,2275.399902,3117.790771,962.9165039,1690.941162,2100.723877,,,0.1508858204,0.5112815499,0.206694603,0.1311380416 +El Salvador,SLV,Latin America and Caribbean,LCN,2000,ehpm,Old worker,2345858,0,0,0,0.6356697679,1,0.4296099842,0.363524735,0.06608525664,1665260,0.7098724842,0.5492099524,,0.6819521785,0.07713954896,0.9606686234,0.03933139518,,,0.5569674969,0.3788204789,0.06421200931,0.242292136,0.3146753609,0.2912843227,0.3037356138,0.564979732,0,0.1789146215,0.2362387478,0.5848466158,0.9641217589,,0.0005394549225,0.1785270721,0.004764455836,0.0524077639,0.2739211917,0.04734638706,0.04009344056,0.06744623929,0.1560393572,0.01803017035,0.04942481965,0.08446813375,0.05292033777,0.1551348567,0.1015119106,0.1579502672,0.09015710652,0.2883895934,0.002012798097,45,0.1726543307,0.3016165495,10.33394241,14.43893909,19.84179688,1857.467529,2599.009033,3566.450439,969.5039673,1762.848877,2411.046875,0.9869828224,,0.2276508361,0.501598835,0.1372628063,0.1334874928 +El Salvador,SLV,Latin America and Caribbean,LCN,2000,ehpm,Rural,2608048,0.4070860744,0.2047519833,0.06045824289,0,0.5324556828,0.4296099842,0.363524735,0.06608525664,802746,0.5780681968,0.3401986063,0.3030807078,0.5480963588,0.0861146301,0.9481517076,0.05184828117,0.9249421954,0.07505781204,0.5095877647,0.4462696612,0.04414255172,0.3792110384,0.1303767413,0.1191770211,0.1229587793,0.2558474839,0,0.4517050385,0.1986730099,0.3496219516,0.8964383006,0.5406519771,0.001221875544,0.1423682123,0.001700114924,0.05338282138,0.1713594943,0.03103169613,0.01422368176,0.03260437027,0.1004026905,0.001907702419,0.002841845853,0.02466217801,0.01421842631,0.102795206,0.2002089024,0.1180239767,0.07021711022,0.4601464868,0.004978157114,45,0.2180824429,0.2574885786,6.905299187,9.648321152,13.25859356,1242.236816,1736.697876,2385.170166,962.5337524,1628.502686,1396.332764,0.9869828224,,0.2706317306,0.5799430609,0.1131119281,0.03631330281 +El Salvador,SLV,Latin America and Caribbean,LCN,2000,ehpm,Total,6272353,0.3548639417,0.2032832056,0.06785316765,0.5841994286,0.5772828907,0.7322529667,0.6147141157,0.117538851,2249695,0.6213044511,0.4699635506,0.2349686027,0.5879665286,0.06588175148,0.946342051,0.05365794152,0.9055207372,0.09447928518,0.5978254676,0.3510388434,0.05113573,0.5000271191,0.4999729308,0.2636987865,0.287057519,0.4999728799,0,0.1953380555,0.248742938,0.5559189916,0.9654331803,0.7550159097,0.0006420912105,0.1907419562,0.004124508239,0.05323438719,0.2620037496,0.04966178536,0.04000176489,0.05722690746,0.1470247954,0.01386390999,0.03914642707,0.07665592432,0.05471490696,0.154875502,0.08673069626,0.1555382609,0.09284629673,0.3225120306,0.003116044682,45,0.1735600233,0.2975742817,8.98562336,12.55502129,17.25294304,1616.557251,2259.903809,3103.888184,952.1730347,1642.144287,1938.228027,0.9869828224,,0.1745153069,0.5098914504,0.1907211542,0.1248721108 +El Salvador,SLV,Latin America and Caribbean,LCN,2000,ehpm,Young worker,1275064,0,1,0,0.581195116,1,0.4296099842,0.363524735,0.06608525664,584435,0.4583573937,0.3097336888,0.2349686027,0.4150521159,0.03185077012,0.9055207372,0.09447928518,0.9055207372,0.09447928518,0.7213340998,0.2670581937,0.01160769258,0.4701351821,0.2511989474,0.1993121058,0.2366416156,0.3482421339,0,0.2449841052,0.2865416408,0.4684742391,0.9704067111,0.7550159097,0.0009523485787,0.2276661098,0.002190023661,0.05573317781,0.2259787023,0.05666096136,0.03972465172,0.02633508295,0.1197748408,0.001269798027,0.008076067083,0.05304052308,0.06013967842,0.1540915072,0.04204883426,0.1482470334,0.1009754017,0.4256601334,0.006451027934,45,0.1762978584,0.2853550017,7.39454937,10.33191872,14.19798374,1329.05249,1859.745361,2551.861572,938.8450317,1498.28125,1378.862183,0.9869828224,,0.07648292929,0.5251907706,0.2893490791,0.1089771762 +El Salvador,SLV,Latin America and Caribbean,LCN,2001,ehpm,Female,3375686,0.3234613538,0.1992341727,0.07542911172,0.6011083126,0.6011095047,0.4251348972,0.3554960191,0.06963887811,956733,0.4714928269,0.4714928269,0.3691060245,0.4506713748,0.04744210839,0.9558392763,0.04416070133,0.9273381233,0.07266185433,0.5372270346,0.4350075424,0.02776541561,0.2351667583,0.3020602763,0.2763691247,0.2810648084,0.562258184,0,0.03645447642,0.2231818438,0.7403636575,0.9635455012,0.9492328167,0,0.2191424072,0.0003849169298,0.003654523985,0.3917120397,0.01376843546,0.04083618894,0.0292143207,0.2648327053,0.008203542791,0.03379395604,0.08804100007,0.08904594183,0.2645997703,0.01016530674,0.1438725442,0.07085970789,0.2914182246,0,44,0.2310934216,0.335000217,8.541532516,11.5030632,16.40026093,1504.848389,2070.55127,2889.400391,834.3181763,1478.143066,1577.101929,,,0.1838999242,0.5034916997,0.1760089546,0.1365994215 +El Salvador,SLV,Latin America and Caribbean,LCN,2001,ehpm,Higher education,1907785,0.3683758974,0.2693725824,0.01609982178,0.7475412488,0.615524292,0.4251348972,0.3554960191,0.06963887811,748193,0.6371460557,0.5512108207,0.1220342293,0.5987943411,0.03950184584,0.9398069978,0.06019302458,0.8800353408,0.1199646443,0.7777992487,0.1763830781,0.04581764713,0.1775663197,0.6002329588,0.3915306628,0.5572212338,0.7717067599,0,0.03645131737,0.2140290141,0.7495196462,0.9912617207,0.9327361584,0.000527620432,0.1736752987,0.009541254491,0.03028484434,0.2739103734,0.060427472,0.1030836627,0.0907535553,0.2213445902,0.03601898253,0.1029755771,0.2235731184,0.1588507295,0.1756535172,0.01084395126,0.09984683245,0.07500316203,0.1144097298,0.002824404743,44,0.1480224133,0.2333831489,15.45550442,20.81425667,29.67550659,2570.029541,3746.566162,4934.612793,1190.507935,1857.496094,2957.561768,0.9740249515,,0,0,0.3772355616,0.6227644086 +El Salvador,SLV,Latin America and Caribbean,LCN,2001,ehpm,Lower education,4520887,0.3374882042,0.1764821857,0.09216443449,0.520197928,0.5703473687,0.4251348972,0.3554960191,0.06963887811,1602734,0.621581912,0.4366150498,0.2936920822,0.5883110762,0.0722194463,0.9464739561,0.05352603644,0.9330943823,0.06690561771,0.5251986384,0.4312994778,0.04350187629,0.373228848,0.1519698203,0.1466000974,0.1544741839,0.2893568277,0,0.266925782,0.2591766715,0.4738975465,0.9484553337,0.6494708061,0.001553779817,0.1846809387,0.002626329428,0.07031562179,0.2659784853,0.04528374597,0.01748974621,0.02107787691,0.1240677014,0.001857679803,0.0002083132858,0.01504404284,0.01537167467,0.1567702442,0.1107758582,0.1841126829,0.09030117095,0.4230816364,0.002476686612,44,0.2013670951,0.3013376892,7.104774475,9.56815052,13.6415987,1267.05957,1722.26709,2432.831299,948.9743042,1504.848389,1279.265991,0.9740249515,,0.2128423899,0.6502469182,0.1369107217,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2001,ehpm,Male,3052986,0.3722991049,0.2093717456,0.0631365478,0.5728002191,0.5645643473,0.4251348972,0.3554960191,0.06963887811,1394194,0.8088815808,,0.07633653283,0.7574928403,0.07195355743,0.9364693761,0.06353061646,0.9092484117,0.0907515958,0.6528147459,0.2914140522,0.05577120557,0.3645540178,0.2882607579,0.2289658487,0.2827116549,0.4415659308,0,0.3042278886,0.2600733638,0.4356987476,,0.6291772127,0.002089428715,0.154616192,0.007920375094,0.09544737637,0.1821839362,0.07551354915,0.04723503068,0.05290360004,0.0778626278,0.01581087895,0.03203075752,0.07622125745,0.04104103893,0.09141404182,0.1274260432,0.1669153422,0.09567944705,0.3490625024,0.004398676567,44,0.1518167555,0.2411620468,8.926038742,12.02088547,17.13853645,1554.731079,2163.759277,2985.177979,959.1344604,1663.755249,1980.529785,,,0.1419757605,0.5030913949,0.2092973292,0.1456355006 +El Salvador,SLV,Latin America and Caribbean,LCN,2001,ehpm,Old worker,2441003,0,0,0,0.6388189793,1,0.4251348972,0.3554960191,0.06963887811,1725370,0.7068282962,0.5474902391,,0.6749049425,0.07289287448,0.9548357725,0.04516422749,,,0.5782851577,0.3640339971,0.05768083408,0.2609167397,0.317368418,0.268925041,0.3042019606,0.5488095284,0,0.1709950864,0.2378373742,0.5911675096,0.9675124288,,0.0007617856609,0.1733775586,0.006069398485,0.05762863159,0.2761300206,0.04987966269,0.04727259651,0.05008361489,0.1678016633,0.01690132357,0.04258837178,0.09276303649,0.05914977565,0.1600933522,0.09476917237,0.1579755247,0.08532363921,0.2884745896,0.001961218659,44,0.1676808596,0.2881595492,10.11014366,13.61554527,19.4120903,1752.277588,2450.79834,3364.479248,957.3097534,1705.687988,2216.710205,0.9740249515,,0.2184995264,0.4964828193,0.1375811696,0.1474364996 +El Salvador,SLV,Latin America and Caribbean,LCN,2001,ehpm,Rural,2650768,0.3980948031,0.2064628005,0.06284292042,0,0.5390622616,0.4251348972,0.3554960191,0.06963887811,850460,0.5951730013,0.3520402312,0.2779173553,0.5637663007,0.0962645635,0.9472309351,0.05276909098,0.9325415492,0.06745842844,0.5199433565,0.4438021183,0.03625453264,0.3890429437,0.1309003979,0.1265061796,0.122049652,0.2517589629,0,0.4625426233,0.1880925894,0.3493648171,0.8867460489,0.5044333339,0.002429299522,0.1308383197,0.002429299522,0.05239566043,0.168583706,0.02995474078,0.01471979264,0.02799839154,0.1081081778,0.001622429467,0.002486401238,0.02771164291,0.01439207885,0.1079232171,0.1874421239,0.1120705307,0.06599079818,0.4750813842,0.005279412959,44,0.2357140481,0.226400286,7.093911171,9.553521156,13.62073994,1267.05957,1719.633789,2432.831299,953.5065308,1617.895386,1423.671021,0.9740249515,,0.2577491701,0.5787855983,0.116425395,0.04703981802 +El Salvador,SLV,Latin America and Caribbean,LCN,2001,ehpm,Total,6428672,0.3466544747,0.2040485144,0.0695913583,0.587664783,0.5837541521,0.7130498885,0.5938364181,0.1192134704,2350927,0.6264521343,0.4714928269,0.2264421582,0.5915914199,0.06185704097,0.94435215,0.05564783514,0.9154369831,0.08456303924,0.6052029729,0.3505616486,0.0442353338,0.5143035658,0.485696385,0.2462985963,0.2820333242,0.4856964052,0,0.1939292848,0.2448773831,0.561193347,0.9635455012,0.7400926948,0.001228771871,0.1811951995,0.004816443194,0.05763696507,0.2684907019,0.05008010939,0.04459928349,0.04314574599,0.1548774987,0.01267733984,0.03275704011,0.08108992875,0.06081474572,0.1627510041,0.07912515849,0.1574237794,0.08545594662,0.3253182471,0.002586816903,44,0.1844716221,0.2798149586,8.768411636,11.80860615,16.83588219,1535.77417,2125.549072,2948.779541,950.7172852,1590.680542,1802.058594,0.9740249515,,0.1647458076,0.5033088326,0.1912175864,0.1407277882 +El Salvador,SLV,Latin America and Caribbean,LCN,2001,ehpm,Young worker,1311761,0,1,0,0.5827860236,1,0.4251348972,0.3554960191,0.06963887811,625557,0.4768833518,0.3181984425,0.2264421582,0.4365566671,0.03010872193,0.9154369831,0.08456303924,0.9154369831,0.08456303924,0.6826412678,0.3118039072,0.00555479899,0.4560819864,0.2265593112,0.1911567599,0.2182576656,0.3318863213,0,0.2599073052,0.2651303113,0.4749623537,0.9492328167,0.7400926948,0.002572215861,0.2036852688,0.001211892581,0.05766094103,0.24651362,0.05065676197,0.0369085893,0.02318661474,0.117696777,0.0005256191362,0.004473874345,0.04750828445,0.06560460478,0.1703966409,0.03411984071,0.155836463,0.08583657444,0.4313115478,0.004386562388,44,0.2327759266,0.2558088899,7.186479568,9.678184509,13.79847717,1272.864868,1742.073242,2443.977783,930.7177734,1390.402222,1306.986572,0.9740249515,,0.0652089268,0.5159486532,0.2905372977,0.1283051074 +El Salvador,SLV,Latin America and Caribbean,LCN,2002,ehpm,Female,3423671,0.3180194497,0.194410041,0.07864306867,0.6029708982,0.6033374667,0.4244682193,0.352620393,0.07184781134,967259,0.4682636559,0.4682636559,0.3712432086,0.4545370936,0.05599288642,0.9706862569,0.02931376174,0.9336780906,0.06632193178,0.5276572108,0.4467001557,0.02564263716,0.2162231505,0.3114340603,0.2769105136,0.2880482972,0.5902203918,0,0.02443378232,0.2396472543,0.7359189987,0.9755662084,0.9808323979,0.00008520564006,0.2326018065,0.001570979017,0.005389256403,0.402885288,0.009519600309,0.03761509433,0.03046740592,0.2554315925,0.006641779561,0.03597808257,0.09618012607,0.08628242463,0.2761504054,0.006687577348,0.1470809132,0.07426097244,0.2707377076,0,44,0.2242431343,0.3245131373,8.856801033,11.70920467,17.00559616,1554.11792,2107.656982,2984.000732,936.9295654,1540.972412,1588.665771,,,0.1780207902,0.4983271062,0.1773324758,0.1463196278 +El Salvador,SLV,Latin America and Caribbean,LCN,2002,ehpm,Higher education,1954506,0.3555757701,0.2681511343,0.01475922856,0.7569785118,0.6296650171,0.4244682193,0.352620393,0.07184781134,773175,0.6282482147,0.5535902977,0.1247025877,0.5888578892,0.05026231706,0.9373013973,0.06269861013,0.8778361082,0.1221639216,0.7700987458,0.1827933788,0.0471078977,0.1758456677,0.5942530632,0.3740801215,0.5478847623,0.7716583014,0,0.02791645564,0.2276382744,0.7444452643,0.9960868359,0.9382120371,0.00009935173148,0.1787199676,0.008425578475,0.04039337859,0.2821782231,0.04927293956,0.09506718814,0.09345272183,0.2244741917,0.02873058803,0.09917372465,0.2392472476,0.1464775652,0.1855062395,0.008109585382,0.1061559469,0.06677678227,0.1166927442,0.003129579592,44,0.1327835917,0.2482689321,14.41261578,19.05431366,27.67309761,2389.985596,3429.776367,4588.91748,1198.748047,1829.440918,2722.535156,0.9967908263,,0,0,0.3681961596,0.6318038106 +El Salvador,SLV,Latin America and Caribbean,LCN,2002,ehpm,Lower education,4552318,0.3379794657,0.1699277163,0.09720146656,0.5177847743,0.5648190379,0.4244682193,0.352620393,0.07184781134,1543895,0.6004485488,0.4295839667,0.3204837441,0.575912118,0.06537183374,0.9591364861,0.04086352885,0.9404984117,0.05950156599,0.4997481108,0.4571057856,0.04314609617,0.3426437974,0.1571043134,0.1287880242,0.1586737186,0.3143669963,0,0.2485153377,0.2655459344,0.4859387279,0.9640052915,0.6812310219,0.002108986489,0.1902720481,0.00306252134,0.07010236382,0.2844106555,0.04403480142,0.01883703843,0.02111350186,0.1175427437,0.002225139644,0.0001782812906,0.01556111965,0.01137421094,0.1671731472,0.1131154224,0.1867071092,0.09500231594,0.4069601297,0.001703126589,44,0.2140273601,0.3064284027,7.488779068,9.900600433,14.37891006,1333.302979,1782.108032,2560.022705,981.4421997,1511.654297,1316.049683,0.9967908263,,0.2103579789,0.6459022164,0.1437398195,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2002,ehpm,Male,3083153,0.37129879,0.2050083131,0.06554686278,0.5748226047,0.5631543398,0.4244682193,0.352620393,0.07184781134,1349811,0.7774105668,,0.1046937704,0.7294854522,0.06367918849,0.9383528233,0.06164715067,0.9092895389,0.09071045369,0.6337435842,0.3078685403,0.05838785693,0.3409216404,0.2928219438,0.2079110593,0.2854620814,0.4620511532,0,0.2884046137,0.2630548477,0.4485405385,,0.6475249529,0.002459341893,0.1522841901,0.007236702368,0.1010746136,0.1953104287,0.07261729985,0.04853311926,0.05556928366,0.07651039958,0.01411654335,0.03028188087,0.08378421515,0.0331470333,0.0968799144,0.1319281012,0.169993028,0.09422792494,0.3418595791,0.003781781066,44,0.1599701196,0.2597459853,9.02672863,11.93385887,17.33186722,1576.890991,2148.094727,3027.726563,987.5005493,1619.273682,1951.403687,,,0.1400354058,0.4881234169,0.2198734879,0.1519676745 +El Salvador,SLV,Latin America and Caribbean,LCN,2002,ehpm,Old worker,2504252,0,0,0,0.6382081509,1,0.4244682193,0.352620393,0.07184781134,1745757,0.6971171498,0.5443285704,,0.6712627411,0.07078597695,0.9629123807,0.03708763421,,,0.5596655607,0.3839665651,0.05636786297,0.2407485694,0.3189170063,0.2508482039,0.3043376803,0.5698349476,0,0.1589614749,0.2450888157,0.5959497094,0.9742162824,,0.0009428849444,0.1788049042,0.005449696444,0.05989133939,0.2894585431,0.0463369973,0.04453807697,0.05230364203,0.1633124352,0.01422536839,0.04076237604,0.09670430422,0.05485151336,0.1728935689,0.09157108516,0.1632178426,0.08526118845,0.2784925401,0.002020212822,44,0.1812183261,0.2938089073,10.10248375,13.35606956,19.39738274,1728.336426,2404.092529,3318.510986,990.0462646,1654.30603,2106.43457,0.9967908263,,0.2117208391,0.4861060381,0.1449917704,0.1571813673 +El Salvador,SLV,Latin America and Caribbean,LCN,2002,ehpm,Rural,2670184,0.3941230178,0.2030227184,0.06354505569,0,0.542331934,0.4244682193,0.352620393,0.07184781134,816236,0.5636498332,0.341542393,0.3229946792,0.5415695906,0.07622972131,0.9608262777,0.03917371854,0.9363618493,0.06363812834,0.4976583123,0.4654662013,0.03687547892,0.3582684994,0.1393898278,0.1228714734,0.1259274632,0.2800914049,0,0.4218672216,0.2051128447,0.3730199635,0.9251253605,0.5442332625,0.003567689797,0.1378660947,0.003516686382,0.06016236916,0.1889842749,0.02871110477,0.01687065884,0.02777009271,0.1106838137,0.002958198776,0.003121409798,0.02605892718,0.01472724043,0.1240173876,0.1879591048,0.1154284105,0.06796971709,0.4547809958,0.002978600329,44,0.2511918843,0.2440475821,7.471364975,9.877577782,14.34547424,1325.405273,1777.963989,2544.858643,987.96875,1616.54541,1390.656982,0.9967908263,,0.2488466501,0.5843160152,0.1209211871,0.0459161289 +El Salvador,SLV,Latin America and Caribbean,LCN,2002,ehpm,Total,6506824,0.343264997,0.1994318515,0.072437644,0.589633286,0.5842973441,0.7114573517,0.5874834114,0.1239739402,2317070,0.6094473348,0.4682636559,0.241411522,0.5801026981,0.06040705368,0.9518504143,0.04814960435,0.9180484414,0.08195157349,0.588581562,0.3669705391,0.04444789141,0.4890337588,0.5109662412,0.2342443168,0.2865630686,0.5109662414,0,0.1760296077,0.2530899942,0.5708804131,0.9755662084,0.7692667246,0.001448648516,0.1864762008,0.004824747331,0.06034040451,0.2836771011,0.0457559824,0.04388520867,0.04488316551,0.1526789367,0.01093446184,0.0327068083,0.08906127512,0.05576729774,0.1731971502,0.0786119625,0.1602391154,0.08572779596,0.3115822971,0.002171839122,44,0.1873317808,0.2873179913,8.978683472,11.87034035,17.2396183,1567.133301,2136.661133,3008.991211,983.4475098,1579.477173,1767.040283,0.9967908263,,0.1607879847,0.4936980009,0.1966320425,0.1488819718 +El Salvador,SLV,Latin America and Caribbean,LCN,2002,ehpm,Young worker,1297668,0,1,0,0.5822444558,1,0.4244682193,0.352620393,0.07184781134,571313,0.4402613044,0.3082665801,0.241411522,0.4041811824,0.02714240178,0.9180484414,0.08195157349,0.9180484414,0.08195157349,0.6812579036,0.3124979734,0.00624412531,0.4387532473,0.2425046712,0.1905265599,0.2295950502,0.3559660316,0,0.2307333052,0.2787339389,0.4905327559,0.9808323979,0.7692667246,0.003069631057,0.2110628784,0.002821772592,0.06177966297,0.2651474774,0.04389381781,0.04179273918,0.02110037766,0.1185983419,0.0003870404325,0.006888557225,0.06456521153,0.05870240554,0.1741701066,0.03707771003,0.1506921947,0.08722328395,0.417635709,0.002657804871,44,0.2069255412,0.2665145099,7.51073122,9.92962265,14.42105961,1337.616455,1787.332031,2568.304932,966.71521,1463.952393,1335.228516,0.9967908263,,0.06317873299,0.5082474947,0.2955970168,0.1329767704 +El Salvador,SLV,Latin America and Caribbean,LCN,2003,ehpm,Female,3474450,0.3275246322,0.1964728236,0.06772956997,0.60313344,0.6047458053,0.4251077771,0.3625824749,0.06252528727,1033857,0.4920412898,0.4920412898,0.3642781377,0.4742182791,0.0663061738,0.9637773633,0.03622261062,0.9232320786,0.07676789165,0.5416389108,0.4305512607,0.02780982107,0.5917244554,0.3073138595,0.3383643329,0.3108992279,0.3422907591,0,0.03596986458,0.2211758345,0.7428542972,0.9640301466,0.9514268637,0.0001465372043,0.2168198675,0.0007848773384,0.003424554365,0.4062392712,0.01159049105,0.03627297655,0.02854163386,0.260209918,0.01052056812,0.02942286432,0.09353490174,0.07397318631,0.2913892269,0.01001270674,0.1335566193,0.07952654362,0.2780633867,0,44,0.2273434401,0.3335497975,8.247476578,10.67724228,15.83565617,1436.726563,1921.903564,2758.602295,850.3884888,1466.547363,1474.710083,,,0.1732652783,0.4905267358,0.1876915395,0.1485164613 +El Salvador,SLV,Latin America and Caribbean,LCN,2003,ehpm,Higher education,2211781,0.4127298295,0.2343161404,0.01277612895,0.7389244437,0.5744940639,0.4251077771,0.3625824749,0.06252528727,825436,0.6496145725,0.5627125502,0.107805796,0.6028512716,0.05398320779,0.9280138016,0.07198619843,0.8612525463,0.1387474388,0.7558290958,0.1867588609,0.05741204321,0.3798549771,0.6062066555,0.3793981373,0.6119023561,0.61482054,0,0.02743769437,0.228882879,0.7436794043,0.995737195,0.945735991,0.0007349965163,0.183153823,0.004762464203,0.04023159668,0.2832504213,0.05540150777,0.09077272564,0.09134453535,0.2229102254,0.03531127423,0.09751232713,0.2285735607,0.1309868246,0.1896801144,0.008482851088,0.1057275534,0.08475019038,0.1163500473,0.002625271445,44,0.1358470321,0.2485992461,14.00484467,18.13077354,26.89015198,2138.715088,3263.539307,4106.462891,1345.600952,1551.32373,2531.396729,1.003950238,,0,0,0.3704245985,0.6295753717 +El Salvador,SLV,Latin America and Caribbean,LCN,2003,ehpm,Lower education,4427229,0.3182681501,0.1823689193,0.087019898,0.5183603764,0.5947119594,0.4251077771,0.3625824749,0.06252528727,1689663,0.6417434216,0.4591651261,0.2873992622,0.5980001092,0.07871691883,0.9318367243,0.06816329807,0.8984653354,0.1015346721,0.537386775,0.4222431183,0.04037012532,0.7708864212,0.1617539674,0.1700423509,0.1673572659,0.1733919978,0,0.2286346257,0.2658289373,0.505536437,0.9464484453,0.6984881163,0.0009326373111,0.1823966652,0.001651174622,0.08084847033,0.2873386741,0.04416431487,0.02381909825,0.02048561908,0.1297287047,0.00295605557,0.0001073658714,0.01759212092,0.01328414399,0.1764300764,0.09598763287,0.1887333244,0.09257034212,0.4098727107,0.002466238569,44,0.2059302777,0.3154866695,7.284816742,9.430975914,13.98729038,1293.338135,1697.575684,2483.287842,954.1641235,1463.931152,1300.150757,1.003950238,,0.2041622102,0.644222796,0.151614964,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2003,ehpm,Male,3164560,0.3741265833,0.2031909674,0.05630861968,0.5794429779,0.5695648193,0.4251077771,0.3625824749,0.06252528727,1481242,0.8218064308,,0.0610332638,0.7457177043,0.07382125407,0.907412827,0.09258716553,0.8654018044,0.1345982105,0.6589006782,0.2816628218,0.05943652615,0.6808499098,0.3071457446,0.2217395902,0.3034363389,0.310562551,0,0.2567986548,0.2778772116,0.4653241336,,0.6748329401,0.001402856433,0.1573037505,0.00406716764,0.1151034459,0.1968442053,0.07472350448,0.05275261402,0.05490638688,0.08609743416,0.01579175703,0.03389795125,0.08155601472,0.0353833586,0.09874536842,0.1098516881,0.1823263317,0.097783871,0.3402781487,0.004385524429,44,0.150101319,0.2639634609,8.5014925,11.00609303,16.32338142,1444.316895,1981.09668,2773.176025,971.8726196,1519.571289,1706.33728,,,0.1350681335,0.4926586151,0.2221625,0.1501107663 +El Salvador,SLV,Latin America and Caribbean,LCN,2003,ehpm,Old worker,2577936,0,0,0,0.6439232826,1,0.4251077771,0.3625824749,0.06252528727,1869287,0.7251099348,0.5656351447,,0.6859099865,0.08105158061,0.9459393024,0.05406071991,,,0.5801033974,0.3620860875,0.05781052634,0.6262871623,0.3276131153,0.2783538401,0.3300123811,0.3433429301,0,0.1436685473,0.2449994385,0.6113319993,0.9674718976,,0.0008184388862,0.1740599573,0.003013574751,0.06710746884,0.2859717309,0.04961877689,0.04960803315,0.05208936706,0.1740441173,0.01760977693,0.04051634297,0.0981272012,0.05178693682,0.1778013259,0.07665950805,0.1655567884,0.0884481892,0.2814283669,0.00206555007,44,0.1764546484,0.3041861951,9.090909004,11.76915646,17.4550972,1544.033936,2118.448242,2964.638916,971.8726196,1527.953491,1804.981445,1.003950238,,0.2027081102,0.4852178097,0.1516685635,0.1604055017 +El Salvador,SLV,Latin America and Caribbean,LCN,2003,ehpm,Rural,2709771,0.3995913267,0.2036168426,0.05803885311,0,0.5423698425,0.4251077771,0.3625824749,0.06252528727,893284,0.6078010798,0.3703660071,0.287730962,0.5579867363,0.09405393898,0.9180417657,0.08195825666,0.8930086493,0.1069913656,0.5409044027,0.4254034162,0.03369217366,0.7959008217,0.1410632282,0.1425835937,0.135777846,0.15035972,0,0.394186914,0.2161926776,0.3896204233,0.8940482736,0.5617954135,0.001276127994,0.1428665519,0.001464009169,0.07058598101,0.1993773133,0.02878729999,0.02171003632,0.02201991715,0.1177258566,0.00214829715,0.001596888644,0.02765703946,0.01667278633,0.1269142181,0.1598511189,0.1234447435,0.07202833891,0.4653875232,0.004299034365,44,0.237115398,0.2539272606,7.267906666,9.40908432,13.95482254,1285.834473,1693.635132,2468.880371,971.8726196,1539.002686,1367.344849,1.003950238,,0.244726941,0.5748659372,0.1297452897,0.05066181347 +El Salvador,SLV,Latin America and Caribbean,LCN,2003,ehpm,Total,6639010,0.3497380018,0.1996750981,0.06228564307,0.5918411016,0.5879763514,0.7007486677,0.5948164429,0.1059322249,2515099,0.6443055952,0.4920412898,0.2171878666,0.5995792193,0.07062190771,0.9305820465,0.06941794604,0.886130929,0.1138690487,0.6088919044,0.3451594412,0.04594864324,0.6766556816,0.323344287,0.260597527,0.3065002561,0.3233218789,0,0.1627741754,0.2537349164,0.5834909081,0.9640301466,0.7781742215,0.0008679409511,0.1826445162,0.002669634065,0.0675528124,0.2860004306,0.04784273356,0.04573591426,0.04368080571,0.1602310389,0.01354744099,0.03199259192,0.08665627241,0.05181376636,0.1807674319,0.06734319776,0.1615616232,0.09001044184,0.3137889206,0.002518297406,44,0.1829887331,0.2935912609,8.409254074,10.8866806,16.14627838,1441.083252,1959.602539,2766.967285,967.3731079,1477.451172,1600.568237,1.003950238,,0.1557635814,0.4915035367,0.203485921,0.1492469609 +El Salvador,SLV,Latin America and Caribbean,LCN,2003,ehpm,Young worker,1325645,0,1,0,0.5837837458,1,0.4251077771,0.3625824749,0.06252528727,645812,0.4871681333,0.339112401,0.2171878666,0.431694746,0.03839594498,0.886130929,0.1138690487,0.886130929,0.1138690487,0.697670579,0.2929607332,0.009368672036,0.6942601204,0.2441977113,0.2147342414,0.2381182462,0.2602919042,0,0.2218257785,0.2807344496,0.4974397719,0.9514268637,0.7781742215,0.001020941534,0.2091776282,0.00160658441,0.06892928481,0.2860891521,0.04235333949,0.03376799077,0.01769165881,0.11753764,0.0009912223322,0.005646646023,0.05120091885,0.05189669505,0.1899353415,0.0385475345,0.1492130607,0.09483917803,0.4138117433,0.003917688504,44,0.2031848431,0.260843575,7.353628635,9.520060539,14.11941338,1302.233154,1713.610962,2500.366699,941.0805664,1416.393066,1280.27002,1.003950238,,0.0661400333,0.503503859,0.3024123609,0.127943784 +El Salvador,SLV,Latin America and Caribbean,LCN,2004,ehpm,Female,3526383,0.3200820684,0.1934075207,0.07268211991,0.6094011664,0.6072357893,0.4218657017,0.3568553627,0.06501034647,1008622,0.4710224271,0.4710224271,0.372278899,0.4561504722,0.05381479487,0.9684262276,0.03157377243,0.9253923297,0.07460767776,0.5389266014,0.4335595071,0.02751387097,0.2511476576,0.2877210379,0.2294653356,0.2657896876,0.5339353085,0,0.032073237,0.2194659263,0.7484608293,0.9679267406,0.9668769836,0.0001075080581,0.212956056,0.001376103144,0.005026257597,0.410996139,0.01348253433,0.02839134075,0.0256514214,0.2699394226,0.008870949969,0.02936608158,0.09336818755,0.07708020508,0.2866103351,0.009062416852,0.1523962468,0.06997136027,0.2732742131,0,44,0.2217573822,0.3353135288,1.013050199,1.255603313,1.94511795,178.7538605,226.0085907,343.2182617,112.7728119,175.8747711,185.0406647,,,0.1704150587,0.5019568205,0.1880055815,0.1396225542 +El Salvador,SLV,Latin America and Caribbean,LCN,2004,ehpm,Higher education,2014814,0.3459391296,0.2643187046,0.01252770703,0.7521875501,0.6415331364,0.4218657017,0.3568553627,0.06501034647,834390,0.6455278993,0.5664771199,0.1157950461,0.6116542816,0.04689061269,0.9475257397,0.05247426406,0.9022108316,0.09778913856,0.7612350583,0.1848012805,0.05396366864,0.1977672875,0.563467741,0.338503629,0.5177598,0.7402020693,0,0.03434248269,0.2108147889,0.7548427582,0.9919779301,0.9308367968,0.0002466587175,0.1659279615,0.008261170238,0.03637899831,0.3114123344,0.0614534393,0.07708654553,0.08784972131,0.2170407027,0.02893476561,0.08916451782,0.2148642987,0.1357287914,0.2074294835,0.01070571225,0.1005911902,0.08202062547,0.1268748343,0.003685780335,44,0.1389048398,0.23827672,1.550846338,1.922163248,2.977719069,255.3306885,345.9893799,490.2504272,130.8020172,195.8812866,309.2677612,1.004495263,,0,0,0.3815076649,0.6184923649 +El Salvador,SLV,Latin America and Caribbean,LCN,2004,ehpm,Lower education,4741972,0.33808887,0.168841362,0.09307646751,0.5306577086,0.5688346624,0.4218657017,0.3568553627,0.06501034647,1623997,0.6020605564,0.4280152917,0.3201709688,0.5780155659,0.05809492245,0.9600621462,0.03993787989,0.9353149533,0.06468501687,0.551368773,0.4119479954,0.03668319806,0.3981930912,0.1530101895,0.117759794,0.1567693204,0.2775930166,0,0.2428807914,0.2618604302,0.4952587783,0.9539933205,0.6824963689,0.001047046506,0.1769264787,0.002179422183,0.08170748502,0.2815214396,0.04806661978,0.02521444485,0.01714153774,0.1233147457,0.002339173807,0,0.01611053012,0.01395805366,0.1650355756,0.08816876262,0.1967927814,0.09614414722,0.4193581641,0.002092809882,44,0.1876208633,0.3193440437,0.8841350079,1.095822215,1.697592854,158.1800537,197.2480011,303.7153015,119.0732574,178.2324219,162.7621765,1.004495263,,0.1947688162,0.6496423483,0.1555888355,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2004,ehpm,Male,3230403,0.3626417518,0.2015739232,0.06510085613,0.5828684568,0.5722573996,0.4218657017,0.3568553627,0.06501034647,1449765,0.7842409015,,0.09844509512,0.7426980734,0.05468809232,0.9470279813,0.05297203362,0.9221061468,0.07789384574,0.6811026931,0.2657363117,0.05316096172,0.3873935938,0.2935290635,0.1969728917,0.2870802581,0.4310754836,0,0.2727710605,0.2626258135,0.464603126,,0.6617417932,0.001254585339,0.1449541599,0.006253984291,0.1101630852,0.2066080719,0.08038599044,0.05283101276,0.05181248114,0.07296557724,0.0130102979,0.03046251461,0.07561825961,0.039182432,0.1029480472,0.09983862936,0.1729718298,0.1066322774,0.3548362553,0.004499473609,44,0.1352712512,0.261287123,1.038824677,1.287549019,1.994606495,183.0075226,231.7588196,351.3855591,121.3626938,187.7365875,220.641449,,,0.1237806454,0.4907547534,0.2330451161,0.1524194926 +El Salvador,SLV,Latin America and Caribbean,LCN,2004,ehpm,Old worker,2656774,0,0,0,0.6429252028,1,0.4218657017,0.3568553627,0.06501034647,1858096,0.699380517,0.5445718765,,0.6758230329,0.06402752548,0.9663165808,0.03368340433,,,0.5940663815,0.3531400263,0.05279357359,0.2831364274,0.3108839989,0.2243446112,0.2988433838,0.5233557224,0,0.1552706212,0.2388714105,0.6058579683,0.9681936502,,0.0006544757634,0.1691700071,0.004591356497,0.06445556134,0.2901728451,0.05278305337,0.0452468358,0.04772437364,0.1699308753,0.01405894011,0.03781337664,0.0919554159,0.05346864462,0.1735703498,0.07206536829,0.1693545133,0.09308610111,0.2922210991,0.002406189218,44,0.1636058241,0.3026936054,1.092759728,1.354397655,2.098165035,191.19133,243.7915802,367.0989685,122.0048218,190.8840485,226.280899,1.004495263,,0.1943099201,0.4945107698,0.1565333158,0.1546459943 +El Salvador,SLV,Latin America and Caribbean,LCN,2004,ehpm,Rural,2724904,0.3843746483,0.2042482942,0.06323011965,0,0.5523952246,0.4218657017,0.3568553627,0.06501034647,853498,0.5670239329,0.3433265686,0.3086404502,0.5488193035,0.06010318547,0.9678944945,0.03210552409,0.948084712,0.05191529915,0.5929147005,0.375067234,0.03201805055,0.4491124451,0.1434663832,0.1118978113,0.136988923,0.2421051413,0,0.4088112414,0.2091220319,0.3820667565,0.9004300237,0.5557169318,0.001623007003,0.124353826,0.002520505572,0.08062468469,0.1833695024,0.03004379757,0.02568832412,0.02335555479,0.1196095571,0.002570164856,0.00234245928,0.02822457626,0.01741220057,0.1108029261,0.1427495182,0.1257297546,0.07269133627,0.4936387837,0.00383829046,44,0.2012019902,0.2537668347,0.890404284,1.103592515,1.709630251,159.1328583,198.6466522,305.5447388,120.9604263,189.0474548,181.3171692,1.004495263,,0.2293669283,0.5692964196,0.144345805,0.05699084699 +El Salvador,SLV,Latin America and Caribbean,LCN,2004,ehpm,Total,6756786,0.3404297531,0.1973118633,0.06905753911,0.5967159271,0.5905127078,0.6934436579,0.5764986063,0.1169450516,2458387,0.6161420347,0.4710224271,0.2385316789,0.5889129985,0.05432506651,0.955807209,0.04419279844,0.9232771993,0.07672278583,0.6219954491,0.3355059028,0.04249862581,0.5318732643,0.4681266877,0.2086770236,0.2782298923,0.4681267142,0,0.1727033854,0.2446825206,0.5826140642,0.9679267406,0.7707932591,0.0007776996354,0.1732252538,0.004226054996,0.06645351648,0.2915803194,0.05257156119,0.04267046973,0.04093628749,0.154855445,0.01128943544,0.03000669181,0.082997486,0.05493777618,0.1793024689,0.06209998205,0.1644178927,0.09139113128,0.3209282458,0.002628894988,44,0.1712263674,0.2920623124,1.028003693,1.274137139,1.973829508,181.2538147,229.3446808,348.0183411,119.7993164,183.5836334,202.8864746,1.004495263,,0.1489451081,0.4967994988,0.2087412775,0.1455141157 +El Salvador,SLV,Latin America and Caribbean,LCN,2004,ehpm,Young worker,1333194,0,1,0,0.5825386047,1,0.4218657017,0.3568553627,0.06501034647,600291,0.4502652884,0.3136508763,0.2385316789,0.4157196879,0.02289281599,0.9232771993,0.07672278583,0.9232771993,0.07672278583,0.7125216126,0.2783486843,0.009129707702,0.4850289226,0.2270697504,0.1663364321,0.2114500105,0.3188740015,0,0.2292067558,0.263517648,0.5072755814,0.9668769836,0.7707932591,0.001177094993,0.1863691658,0.003042032477,0.07292934507,0.2961423099,0.05188605934,0.0343199037,0.01893462054,0.1059927121,0.002312666737,0.004702963866,0.05396222323,0.05969966203,0.1978819519,0.02979928069,0.1484168768,0.08589724451,0.4139763713,0.003350749146,44,0.1959267408,0.2576032877,0.8988850713,1.114103794,1.725913882,159.1443176,200.538681,305.5667419,116.042099,169.8972015,165.6200409,1.004495263,,0.06003559753,0.5012851357,0.311062485,0.1276167631 +El Salvador,SLV,Latin America and Caribbean,LCN,2005,ehpm,Female,3616302,0.3155322671,0.1884369701,0.07501364499,0.6070198417,0.6094540954,0.4218879342,0.3540947139,0.06779322028,1061709,0.4817256927,0.4817256927,0.3560082018,0.4578773677,,0.9504939914,0.04950603098,0.8665221334,0.1334778368,0.5251293182,0.4474019408,0.02746873349,0.6002241373,0.3030536771,0.5275133252,,0.3360989988,0.09704126418,0.04439187422,0.2021801919,0.7534279227,0.9556081295,0.9479290843,0.00004261683353,0.1986360699,0.001052536652,0.002448981162,0.4026993215,0.01215768978,0.03836704046,0.2046004385,0.09560342878,,,,,,,,,,,43,0.2656686902,0.3593595624,1.096932888,1.29865098,,197.4375,233.7571716,,101.4441528,181.6843262,217.7973022,,2.6822505,0.1710610837,0.497428596,0.1845788658,0.1469314396 +El Salvador,SLV,Latin America and Caribbean,LCN,2005,ehpm,Higher education,2248590,0.3812242448,0.2510506511,0.01712584309,0.7415117621,0.60164994,0.4218879342,0.3540947139,0.06779322028,881862,0.6518482566,0.5675017834,0.1073302478,0.5975789428,,0.9167454839,0.08325452358,0.8288202286,0.1711797714,0.7411441803,0.2092918158,0.04956398904,0.4014111161,0.5845235586,0.616099298,,0.5921046734,0.2114855349,0.03379557282,0.1980632097,0.7681412101,0.9926995635,0.9267970324,0.0004318013671,0.1577621549,0.004944063723,0.03492518514,0.30089131,0.05124207959,0.09914975613,0.3060259223,0.0108321514,,,,,,,,,,,43,0.173683241,0.2981743813,1.807157755,2.139481068,,324.7158813,385.1065674,,176.4316101,237.8452759,356.3923035,0.9633758068,2.6822505,0,0,0.3886944056,0.6113055944 +El Salvador,SLV,Latin America and Caribbean,LCN,2005,ehpm,Lower education,4615490,0.3223648965,0.1651298106,0.09735022485,0.5295333862,0.5802848935,0.4218879342,0.3540947139,0.06779322028,1676679,0.626023829,0.4400680959,0.290065676,0.5823498368,,0.9302359223,0.06976410002,0.8747386932,0.1252612919,0.5202654004,0.440817982,0.03891659901,0.7817032337,0.1545796692,0.2125492543,,0.165319562,0.02462385595,0.2533777058,0.2444997728,0.5021225214,0.9333696961,0.6531062126,0.001388081233,0.1690721363,0.001818931429,0.07222061604,0.2886471748,0.04853155091,0.02511817962,0.07790501416,0.0619206056,,,,,,,,,,,43,0.230734095,0.3529030681,0.9094306231,1.076668382,,163.6495056,193.8003082,,126.7441101,183.1962585,166.0884399,0.9633758068,2.6822505,0.1940111965,0.6522681117,0.1537207067,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2005,ehpm,Male,3247778,0.370723933,0.1986650527,0.06667820364,0.5900172591,0.5625978708,0.4218879342,0.3540947139,0.06779322028,1496832,0.8191975355,,0.06054368988,0.7437648773,,0.9079188704,0.09208114445,0.8526994586,0.1473005265,0.6480386853,0.2981930375,0.05376829207,0.6902351975,0.3000929952,0.3288668692,,0.3026438653,0.08200944215,0.2779475152,0.2483027428,0.473749727,,0.6473380923,0.001818304881,0.1403950602,0.004246635828,0.1018427387,0.2112486213,0.07715028524,0.05931162089,0.1195121557,0.006527059712,,,,,,,,,,,43,0.1708561778,0.3155440986,1.103991508,1.307007551,,198.679245,235.2613678,,131.9954834,203.4852448,245.1915283,,2.6822505,0.118382141,0.4922051728,0.2416038364,0.1478088498 +El Salvador,SLV,Latin America and Caribbean,LCN,2005,ehpm,Old worker,2704498,0,0,0,0.6469404101,1,0.4218879342,0.3540947139,0.06779322028,1936296,0.7159539461,0.5558299422,,0.6783455014,,0.9474708438,0.05252915993,,,0.5753759742,0.3713977635,0.05322625488,0.6265137196,0.3273259699,0.4467214048,,0.3430205584,0.1068569198,0.1583321393,0.2274509668,0.6142168641,0.9573497176,,0.0009015903925,0.1656260788,0.003344714874,0.05757859349,0.2867128253,0.04972755909,0.05260785297,0.181659013,0.0435096398,,,,,,,,,,,43,0.2029724419,0.3421475887,1.210524797,1.433131576,,217.894455,257.9636841,,130.6756287,205.5406494,269.4216003,0.9633758068,2.6822505,0.1964614242,0.4923170805,0.1579542756,0.1532672048 +El Salvador,SLV,Latin America and Caribbean,LCN,2005,ehpm,Rural,2752668,0.3901218772,0.1999460161,0.06305082887,0,0.5468273163,0.4218879342,0.3540947139,0.06779322028,896945,0.5958840847,0.360978812,0.2841483653,0.5514637828,,0.9254547358,0.07454526424,0.8663758636,0.1336241513,0.5547478199,0.4178664684,0.02738569863,0.7901062965,0.1501586586,0.2053250968,,0.1597605497,0.04075501114,0.4135201871,0.183576718,0.4029031098,0.878301084,0.5488585234,0.002340743784,0.1162047386,0.002234729705,0.06279651076,0.204859063,0.03066579252,0.02536147274,0.08458361775,0.05743315816,,,,,,,,,,,43,0.2636961341,0.296587795,0.9517768025,1.126801729,,171.2807007,202.8243103,,131.9954834,205.4638367,182.8439789,0.9633758068,2.6822505,0.2197158933,0.5792409182,0.1478784382,0.05316476524 +El Salvador,SLV,Latin America and Caribbean,LCN,2005,ehpm,Total,6864080,0.3416465223,0.19327645,0.0710696876,0.5989749432,0.587283805,0.702754284,0.5817400708,0.1210142132,2558541,0.6346905315,0.4817256927,0.2123098075,0.5874607366,,0.9255861044,0.07441389561,0.8574854136,0.1425146013,0.5956022143,0.361849606,0.04254818335,0.683860496,0.316139504,0.3945901394,,0.3161377013,0.08841500431,0.1784286797,0.2286497653,0.592921555,0.9556081295,0.7524544597,0.001061678282,0.1652117521,0.002885619644,0.0594907254,0.2928264141,0.04945672303,0.05038706586,0.1557685584,0.04448280111,,,,,,,,,,,43,0.2112482935,0.3342103958,1.101336122,1.303863883,,198.2366333,234.6954956,,129.6368713,195.79776,232.6157684,0.9633758068,2.6822505,0.1472534388,0.4950679243,0.2103506476,0.1473279744 +El Salvador,SLV,Latin America and Caribbean,LCN,2005,ehpm,Young worker,1326665,0,1,0,0.5851364136,1,0.4218879342,0.3540947139,0.06779322028,622245,0.4690294862,0.3161575794,0.2123098075,0.4021859467,,0.8574854136,0.1425146013,0.8574854136,0.1425146013,0.6650429368,0.3290688694,0.005888191983,0.7390913367,0.2120562345,0.241895929,,0.2232989222,0.02500534058,0.2475455254,0.2327727228,0.5196817517,0.9479290843,0.7524544597,0.001612259191,0.1637867838,0.001306679798,0.06606700271,0.313852489,0.04852525145,0.04274924099,0.06672503054,0.04782972857,,,,,,,,,,,43,0.2396923453,0.3069303632,0.9221024513,1.091670513,,165.8012085,196.5006866,,128.1524811,174.4619751,170.2822876,0.9633758068,2.6822505,0.0478762053,0.5006233454,0.3161669374,0.1353334934 +El Salvador,SLV,Latin America and Caribbean,LCN,2006,ehpm,Female,3691850,0.3118238747,0.1911938488,0.07282283902,0.6087118983,0.6153532863,0.4173498154,0.3497774899,0.06757231802,1103463,0.4857236147,0.4857236147,0.3580587506,0.4720410109,0.05571724102,0.9718304873,0.02816949971,0.9238185883,0.07618144155,0.5575631261,0.415484637,0.02695222571,0.2608368993,0.2967262566,0.4085042477,,0.532184124,0,0.04501580074,0.1920990646,0.7628851533,0.9549841881,0.9326606989,0,0.1854325682,0.001261680853,0.005404805765,0.4145278931,0.008745974861,0.03860202432,0.02690559998,0.2741036415,0.01124788914,0.03746343404,0.09156557173,0.07245665789,0.2963765562,0.007859162055,0.1328970492,0.05884859711,0.2912850678,0,44,0.244890824,0.3630417287,1.095355034,1.24646163,2.103148222,191.0943909,224.3630981,366.9128418,116.8810883,187.2893677,199.301178,,,0.1634938866,0.4835543633,0.1995906234,0.1533611417 +El Salvador,SLV,Latin America and Caribbean,LCN,2006,ehpm,Higher education,2117563,0.3156864643,0.2674546242,0.01666585542,0.7466228604,0.6676476598,0.4173498154,0.3497774899,0.06757231802,924500,0.6539179087,0.5737376213,0.115022108,0.6219562292,0.04725507274,0.9511227608,0.04887723178,0.9073093534,0.09269067645,0.7588208318,0.1899027973,0.05127639323,0.1953047365,0.5635160804,0.5971434116,,0.7426207066,0,0.03532189503,0.2121974826,0.7524806261,0.9894194603,0.9253437519,0.0005470179603,0.160316065,0.007255664561,0.04407873005,0.3057625592,0.05738116056,0.0856384486,0.07952344418,0.2241750062,0.0446610041,0.09591124207,0.2015186846,0.1230608448,0.2034110725,0.01031942014,0.1054618806,0.08430559188,0.1286697686,0.002680501668,44,0.1490652412,0.3087421656,1.641280532,1.867698789,3.151358366,264.5483704,336.185791,507.9489441,168.5993195,212.392868,309.361908,0.9731628895,,0,0,0.3765197992,0.6234802008 +El Salvador,SLV,Latin America and Caribbean,LCN,2006,ehpm,Lower education,4862716,0.3497249186,0.1602842957,0.0918019861,0.534807682,0.5584731102,0.4173498154,0.3497774899,0.06757231802,1640289,0.604003191,0.441790849,0.3254086077,0.5849041939,0.06219317019,0.9683793783,0.03162064776,0.938247323,0.06175268814,0.5628334284,0.3991628289,0.03800375387,0.4112358093,0.1515976191,0.1827742159,,0.2693472207,0,0.2414748669,0.2503465712,0.5081785321,0.9332528114,0.6598400474,0.001113054343,0.161677435,0.002202185569,0.08535388857,0.2918601036,0.04235398397,0.02364484966,0.02187390998,0.1284457147,0.002226738259,0.00007617622759,0.01508730091,0.01035304181,0.1787604243,0.08577443659,0.1873255372,0.08001399785,0.4382783771,0.00210397481,44,0.2059558183,0.354100734,0.951143682,1.082355976,1.826253653,167.984436,194.8240814,322.5403137,134.4832153,190.850647,168.7010498,0.9731628895,,0.1917258054,0.6460992098,0.1621749997,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2006,ehpm,Male,3288429,0.3703567982,0.1945944428,0.06472604722,0.588234067,0.5649171472,0.4173498154,0.3497774899,0.06757231802,1461326,0.7866361141,,0.1031910703,0.7511242628,0.05775658786,0.9548560977,0.0451439321,0.9279633164,0.07203670591,0.6903893948,0.2547493279,0.05486126989,0.3907490373,0.2996403873,0.3258868754,,0.4340164661,0,0.2625487745,0.2710713148,0.4663799107,,0.6553461552,0.00161177502,0.142562896,0.006109551992,0.120787099,0.2063466311,0.07765258104,0.0512163192,0.05433595553,0.07682842016,0.02203452028,0.03173527122,0.07379478961,0.03364947811,0.1039025187,0.0981054306,0.1775675863,0.09898477793,0.3561413586,0.004084262531,44,0.1401857585,0.3186458945,1.105507135,1.258014321,2.122640848,194.0127869,226.4425659,372.5163269,140.3746796,202.4368134,221.4283905,,,0.1183557883,0.4818945527,0.2369897962,0.1627598554 +El Salvador,SLV,Latin America and Caribbean,LCN,2006,ehpm,Old worker,2783713,0,0,0,0.642510891,1,0.4173498154,0.3497774899,0.06757231802,1959620,0.7039590478,0.5592806339,,0.6850936413,0.06685529649,0.9732009172,0.02679907344,,,0.6073454618,0.3397533596,0.05290115252,0.2847642303,0.3225812614,0.4112155735,,0.5311330557,0,0.1466752738,0.2345435768,0.6187811494,0.9604306221,,0.0006827105535,0.1595932841,0.004652603995,0.06961497664,0.2932844758,0.04996371642,0.04867380112,0.04995742068,0.1769017279,0.02165639587,0.04349998757,0.0920631513,0.04873200506,0.1829554141,0.06818348914,0.1636177152,0.08267246932,0.29491207,0.00170730066,44,0.1766123325,0.3459090292,1.201798558,1.367589355,2.307526112,208.4152985,246.1660919,400.1700134,135.1610107,206.5713654,239.8930664,0.9731628895,,0.1891974658,0.4798989594,0.160879761,0.1700237989 +El Salvador,SLV,Latin America and Caribbean,LCN,2006,ehpm,Rural,2798640,0.3834576905,0.2007864565,0.06017351151,0,0.5563688278,0.4173498154,0.3497774899,0.06757231802,903042,0.5799601078,0.3690844476,0.3043587506,0.5614427328,0.06618211418,0.9680712819,0.03192874789,0.9552614093,0.04473857954,0.5830367804,0.391525358,0.02543785237,0.4394818544,0.143554911,0.1752842814,,0.2462193221,0,0.3921110332,0.2019002289,0.405988723,0.8683152795,0.5540506244,0.001806204207,0.1222407892,0.002203134587,0.07565010339,0.20535478,0.03142498061,0.02442894131,0.02476181276,0.120018214,0.002633237513,0.002604640322,0.03040691651,0.01583031006,0.1321114302,0.1356357634,0.1272819191,0.06537681818,0.4840135574,0.00410542544,44,0.2231112123,0.3001134694,0.9798142314,1.114981771,1.881302834,174.6148376,200.6967163,335.2710876,139.37117,207.1468964,186.7023163,0.9731628895,,0.2152676433,0.5690156221,0.147580415,0.06813630462 +El Salvador,SLV,Latin America and Caribbean,LCN,2006,ehpm,Total,6980279,0.3393988907,0.1927958727,0.06900841743,0.5990647078,0.5915926695,0.6903522123,0.5737036786,0.1166485337,2564789,0.6210922024,0.4857236147,0.2368697822,0.5975895127,0.05687036738,0.9621590972,0.03784092888,0.9264040589,0.07359597087,0.6326684356,0.3245984614,0.04273311421,0.5283879988,0.4716120012,0.3577044308,,0.4716120064,0,0.1680176407,0.2367531359,0.5952292085,0.9549841881,0.7593818307,0.0009113620617,0.1611923426,0.004002860747,0.07064656168,0.2968138754,0.04770852625,0.04573465139,0.04241582006,0.1625563502,0.01734708063,0.03422450274,0.08151726425,0.05051352829,0.1875440478,0.05888800696,0.1581555605,0.08154319972,0.3279574215,0.002309405245,44,0.1856824756,0.337936908,1.100866079,1.252732992,2.113729715,192.6880951,225.4919434,369.9728394,136.103775,198.3009949,209.3095703,0.9731628895,,0.1432709992,0.4828107357,0.2163463086,0.1575719863 +El Salvador,SLV,Latin America and Caribbean,LCN,2006,ehpm,Young worker,1345769,0,1,0,0.582447648,1,0.4173498154,0.3497774899,0.06757231802,605169,0.4496826828,0.3225389123,0.2368697822,0.4165878296,0.02290454879,0.9264040589,0.07359597087,0.9264040589,0.07359597087,0.7188097239,0.2730458975,0.008144394495,0.5027816892,0.2160280049,0.2044114023,,0.3005357385,0,0.2406181544,0.2442694008,0.5151124597,0.9326606989,0.7593818307,0.001689168043,0.1666318774,0.001792622963,0.07415572554,0.30881989,0.04003702849,0.03573651984,0.01676147059,0.1137575358,0.002688042587,0.002671989147,0.04564321414,0.05657375231,0.2031532377,0.02726748958,0.1395748705,0.07770173252,0.4403680861,0.004357589874,44,0.2165327966,0.3108212054,0.9425492883,1.072576046,1.809751868,165.4090729,193.0636902,317.595459,139.1082306,182.956192,165.3624725,0.9731628895,,0.05033836141,0.4887026846,0.3285833299,0.1323756278 +El Salvador,SLV,Latin America and Caribbean,LCN,2007,ehpm,Female,3036350,0.2996149957,0.1833082438,0.08268875629,0.6361641288,0.6176962256,0.4114958346,0.3391767144,0.07231912762,922230,0.4917138517,0.4917138517,0.3485881984,0.4772449732,0.06135116518,0.9705745578,0.02942541428,0.9361869097,0.06381309777,0.5430240035,0.4271678925,0.0298080761,0.2491696328,0.2938543856,0.4164635241,0.5342871547,0.541144371,0,0.03438058868,0.2052959055,0.7603235245,0.9656193852,0.9567540884,0,0.2003231049,0.001049081096,0.003923719749,0.4139814973,0.009002657607,0.039833799,0.02684038877,0.2706651688,0.009515212849,0.03628896549,0.09104305506,0.08169206977,0.291403234,0.009073917754,0.1590739787,0.05714601651,0.2647635639,0,43,0.2682134807,0.3579091728,1.156322002,1.258236051,2.220208406,208.1379547,226.4824829,399.6375122,119.6277313,192.970871,221.9950867,,,0.153185308,0.4771175683,0.204537183,0.1651599407 +El Salvador,SLV,Latin America and Caribbean,LCN,2007,ehpm,Higher education,1744144,0.2837793231,0.2808529437,0.01553828083,0.7770986557,0.7006824017,0.4114958346,0.3391767144,0.07231912762,787713,0.6445616484,0.5596410632,0.1243120283,0.6123701334,0.0435558781,0.9500566721,0.04994331673,0.908854425,0.0911455825,0.7605629563,0.1908302307,0.04860684276,0.1941587925,0.5664041638,0.6138605475,0.7338417768,0.7447170019,0,0.03074505366,0.2057478577,0.7635070682,0.9940276146,0.9331210852,0.0007924120873,0.1610988528,0.006255111191,0.03760148957,0.3058403432,0.04898122326,0.1011334285,0.08140063286,0.2261514664,0.04171454906,0.1007293165,0.1989665627,0.1355074793,0.2042085975,0.009464544244,0.1150617599,0.07353829592,0.119491376,0.001317526563,43,0.1546824276,0.3221646547,1.770694971,1.926757574,3.399841785,318.0057373,346.8163757,610.590332,167.222641,235.3782043,354.6802368,0.9798852801,,0,0,0.3669546247,0.6330453753 +El Salvador,SLV,Latin America and Caribbean,LCN,2007,ehpm,Lower education,4000431,0.3457267582,0.1496171355,0.1000989676,0.5608480573,0.554174304,0.4114958346,0.3391767144,0.07231912762,1381070,0.6229634285,0.4554747343,0.3036457598,0.6027147174,0.07356867939,0.9674962163,0.0325037837,0.9454140067,0.05458596349,0.5424014926,0.41906479,0.0385337323,0.3905057609,0.1518957019,0.1907742172,0.2789390981,0.2800429463,0,0.2286946177,0.2621122897,0.5091931224,0.9474828839,0.6530894637,0.002101047896,0.1765860766,0.003376496956,0.0800486505,0.2893779874,0.04371631891,0.0224453602,0.02336826362,0.1302851737,0.002585729351,0.0001983265684,0.01546647865,0.01275501773,0.1772141457,0.09334221482,0.2044829279,0.08282716572,0.4077107906,0.003417204367,43,0.2264706641,0.3540541232,1.001057625,1.089287162,1.922091365,180.0894012,196.0716858,345.7825928,146.1027374,197.7575989,181.4960022,0.9798852801,,0.1826809645,0.649306953,0.1680120677,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2007,ehpm,Male,2708225,0.357530117,0.1963621974,0.06516002119,0.6156759262,0.5773098469,0.4114958346,0.3391767144,0.07231912762,1246553,0.7972912788,,0.09141902626,0.7607741952,0.0638794601,0.9541984797,0.04580150172,0.9286938906,0.07130607963,0.6791936755,0.2693686783,0.05143767223,0.3733285367,0.305865109,0.3483469784,0.4458089471,0.4503356218,0,0.2503794432,0.2694060802,0.4802144766,,0.6534000635,0.002858875087,0.1489759833,0.006939498708,0.1106317341,0.2059583962,0.07315524668,0.05887264386,0.05727167428,0.08495651931,0.02198982984,0.03629044816,0.07404626906,0.03811060265,0.1082685515,0.1039825678,0.1823929995,0.09630849212,0.3339425623,0.004667668138,43,0.149886027,0.3310876191,1.192849278,1.297982693,2.290343046,214.5878754,233.6368866,412.021759,151.9707184,213.6526489,253.2065735,,,0.1117984727,0.4791323245,0.2398580462,0.169211179 +El Salvador,SLV,Latin America and Caribbean,LCN,2007,ehpm,Old worker,2350646,0,0,0,0.6758792996,1,0.4114958346,0.3391767144,0.07231912762,1681502,0.715336144,0.5716090202,,0.6937479973,0.07353337854,0.9698210359,0.03017897159,,,0.5936921239,0.3542479575,0.05205990374,0.2728875577,0.3208045959,0.4239704609,0.5368329883,0.5403551459,0,0.1343446821,0.2436690181,0.62198627,0.967513442,,0.00121860567,0.1710580289,0.005336842965,0.06605554372,0.2923280001,0.04486885294,0.05163098127,0.05141264945,0.1817458123,0.02061865851,0.04478536174,0.08740057051,0.05629536137,0.1840324402,0.07165694982,0.1748152375,0.08167745173,0.2770573795,0.001660579466,43,0.1930606663,0.3545699418,1.28237462,1.395398498,2.46223712,230.7381439,251.1717377,443.03125,148.0640106,215.2083435,276.2974243,0.9798852801,,0.1756123602,0.4828071594,0.1626240611,0.1789564341 +El Salvador,SLV,Latin America and Caribbean,LCN,2007,ehpm,Rural,2145569,0.3800036311,0.1983175576,0.06657814234,0,0.5534182191,0.4114958346,0.3391767144,0.07231912762,687742,0.5792014003,0.3627565801,0.294544816,0.5633802414,0.08747959137,0.9726845026,0.02731547505,0.9521553516,0.04784462228,0.536447823,0.4339268804,0.02962526679,0.3973833919,0.1390644461,0.1841253489,0.2570250332,0.2592320144,0,0.3959797025,0.2021164298,0.4019038677,0.8995909095,0.5226804614,0.003499482758,0.1330072582,0.001236254699,0.06437344104,0.2063498944,0.02767745592,0.02078163624,0.0272319857,0.1198628917,0.003587679937,0.00532620959,0.02750853635,0.01542851888,0.131854713,0.1626997888,0.1375546306,0.05931630731,0.4502538145,0.006469782908,43,0.2697591484,0.2826389074,1.051323295,1.143983126,2.018604517,188.8273468,205.9169617,362.559967,152.9983826,210.392746,205.8080139,0.9798852801,,0.2127114981,0.5633155107,0.1575209051,0.06645210087 +El Salvador,SLV,Latin America and Caribbean,LCN,2007,ehpm,Total,5744575,0.3269185126,0.1894624084,0.07442500442,0.6265051961,0.5986564606,0.6704070588,0.5460870033,0.1243200555,2168783,0.6306385613,0.4917138517,0.2229329646,0.6061458778,0.06279382855,0.9611620903,0.0388379097,0.9312819242,0.0687180534,0.6207233071,0.3371266425,0.0421500653,0.515552608,0.484447392,0.3738712966,0.4790452421,0.4844473898,0,0.157624349,0.2418756336,0.6004999876,0.9656193852,0.7587285638,0.001631205552,0.1710256636,0.004410012159,0.06480875611,0.2952885032,0.04560658708,0.05069690943,0.04420375079,0.1647042632,0.01663330942,0.03628981113,0.08134457469,0.05682419986,0.1869053841,0.06322941184,0.1723799706,0.07949238271,0.3042375445,0.00266340212,43,0.2006970644,0.3426050842,1.175785065,1.279414415,2.257578611,211.4151917,230.2945862,405.9299927,147.9100647,205.6928711,241.5328979,0.9798852801,,0.1344919056,0.4780275822,0.2204907238,0.1669897884 +El Salvador,SLV,Latin America and Caribbean,LCN,2007,ehpm,Young worker,1088381,0,1,0,0.6090486646,1,0.4114958346,0.3391767144,0.07231912762,487281,0.4477117956,0.3023852408,0.2229329646,0.4169459045,0.02420030162,0.9312819242,0.0687180534,0.9312819242,0.0687180534,0.7178621888,0.2755995989,0.006538180169,0.4893740714,0.2284881324,0.2260549664,0.3073000908,0.3182896674,0,0.2412714064,0.2354317755,0.523296833,0.9567540884,0.7587285638,0.003113733837,0.1709093899,0.001079780399,0.06032887101,0.3059260249,0.04825736582,0.04734065384,0.01830117591,0.103471607,0.002311611315,0.005760297645,0.05958183855,0.0587246269,0.197229594,0.03294431791,0.1636285931,0.07164011896,0.4019118845,0.006267133169,43,0.2281377465,0.2996104062,0.9937149882,1.081297398,1.907993078,178.8249969,194.6335297,343.3548584,146.9110413,184.8635254,184.1201782,0.9798852801,,0.04624981433,0.4677708745,0.3446692526,0.141310066 +El Salvador,SLV,Latin America and Caribbean,LCN,2008,ehpm,Female,3221152,0.3018072546,0.1910962313,0.07621435076,0.6578422785,0.6219784021,0.4109733105,0.3396292627,0.07134405524,985419,0.4918519557,0.4918519557,0.3332011998,0.4777260721,0.0660263449,0.9712802172,0.02871976234,0.9265227318,0.07347729057,0.5371887088,0.4377903342,0.02502094768,0.2375099063,0.2996788323,0.4286041558,,0.5578650832,0,0.04688136652,0.2060351968,0.7470834255,0.9531186223,0.9391009808,0.0001306004124,0.2008811831,0.001108536264,0.003914877772,0.4037443697,0.006479869597,0.04016119242,0.02722234838,0.2694756687,0.01547667105,0.0441638343,0.07890876383,0.06464406848,0.2917665243,0.01297227759,0.1411947161,0.06094023958,0.2897960246,0.0001368692319,43,0.2583298087,0.3424045146,1.169714808,1.192797303,2.245923519,210.5115051,214.7035065,404.1948853,128.5619812,198.5635529,227.6945648,,,0.154779464,0.4910470545,0.1980031431,0.1561703533 +El Salvador,SLV,Latin America and Caribbean,LCN,2008,ehpm,Higher education,1324957,0.002148749074,0.4005631804,0.02188825794,0.860319972,0.9759629965,0.4109733105,0.3396292627,0.07134405524,836045,0.6465386748,0.5529190302,0.1050140485,0.6161638498,0.04352966323,0.9530192614,0.04698072374,0.900303185,0.09969681501,0.7560516596,0.1943730116,0.04957534745,0.1746759117,0.5813757181,0.6213629246,,0.7689629793,0,0.03570178151,0.2129229754,0.751375258,0.9911842346,0.9198362231,0.0003087477235,0.1715896875,0.008880889975,0.03214364871,0.3015197814,0.04620924219,0.1024301946,0.08563482016,0.2155812234,0.04456258938,0.1186356843,0.1799145788,0.1194113195,0.2059937268,0.009144455194,0.1050595716,0.08163616061,0.131757468,0.003884447971,43,0.1543964595,0.2745244205,1.858628988,1.89530623,3.568680525,334.2079468,341.1551208,641.6995239,175.7306519,234.2172546,386.5985413,0.9772004485,,0,0,0.3766064644,0.6233935356 +El Salvador,SLV,Latin America and Caribbean,LCN,2008,ehpm,Lower education,4797456,0.4152882397,0.1398028433,0.08771690726,0.589910388,0.496994853,0.4109733105,0.3396292627,0.07134405524,1502546,0.6301803589,0.4597053826,0.2912145257,0.6086890697,0.08239762485,0.9658965468,0.03410344943,0.9396674037,0.06033260375,0.5336304307,0.4312645793,0.03510498255,0.3734875619,0.1600787938,0.1893823445,,0.3000166714,0,0.2554144859,0.2512814105,0.4933040738,0.9296155572,0.6358141899,0.001989335055,0.1737400889,0.002990895649,0.07256110013,0.2819437981,0.04181670398,0.02352874726,0.01991127245,0.12610358,0.001987867523,0.00002893949204,0.01365943998,0.01079374179,0.1688116342,0.101354368,0.1820156276,0.08814142644,0.4301290512,0.00307792169,43,0.2159821987,0.337431699,1.033553243,1.053948879,1.98448503,185.9975739,189.7108002,357.1266479,152.9779968,199.507782,191.0561829,0.9772004485,,0.1823868603,0.6587139964,0.1588991582,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2008,ehpm,Male,2901261,0.3526076972,0.2019387484,0.07042489201,0.6379798055,0.5769674182,0.4109733105,0.3396292627,0.07134405524,1353172,0.8083788157,,0.07842772454,0.7712094784,0.07054633647,0.9540199041,0.04598011076,0.9232286215,0.07677140087,0.6682690978,0.2802185714,0.05151233077,0.3515968323,0.3166002035,0.3415920138,,0.4738126397,0,0.2744250894,0.2611569464,0.464417994,,0.634948194,0.002330312273,0.1522809118,0.008023961447,0.0985217616,0.2036880404,0.07073935121,0.05991080031,0.05507038534,0.07500939816,0.01826402731,0.0405103825,0.0678948015,0.03790688142,0.1006008759,0.1099699214,0.1647836864,0.1042934954,0.3500197232,0.005756212864,43,0.1465855092,0.2949201167,1.228803992,1.253052592,2.359378338,221.1847229,225.549469,424.6881104,157.7054291,216.2856293,266.0335999,,,0.1119725257,0.4865753055,0.235513255,0.1659389287 +El Salvador,SLV,Latin America and Caribbean,LCN,2008,ehpm,Old worker,2475993,0,0,0,0.6924235821,1,0.4109733105,0.3396292627,0.07134405524,1786771,0.7216381431,0.568914175,,0.7019284964,0.08041680604,0.972687602,0.02731239796,,,0.5897990465,0.3600948155,0.05010615662,0.2613589466,0.328386575,0.4174780846,,0.5568276048,0,0.1542284191,0.2370429784,0.6087285876,0.956396997,,0.001228246721,0.1718785614,0.005965687335,0.05797047913,0.2882517576,0.04465833679,0.05477611721,0.04860207811,0.1724403054,0.02131394669,0.05231793597,0.07829996943,0.04591333494,0.1795589179,0.07768488675,0.1588773131,0.09034851193,0.2934302688,0.002254929626,43,0.1850354671,0.3260760605,1.294418097,1.319961429,2.485361338,232.9876099,237.5930634,447.3503723,156.0621338,216.1288605,285.6846924,0.9772004485,,0.1835107505,0.4902952015,0.152240172,0.1739538759 +El Salvador,SLV,Latin America and Caribbean,LCN,2008,ehpm,Rural,2152457,0.3694596589,0.2100594789,0.06667264551,0,0.5638676882,0.4109733105,0.3396292627,0.07134405524,709570,0.5846332908,0.3600853682,0.2837679982,0.5682758689,0.0946156159,0.9720211029,0.02797891758,0.9594857097,0.04051427916,0.5357023478,0.4356380999,0.02865958028,0.3943211436,0.1412463337,0.1803202033,,0.2637321055,0,0.436055392,0.2008763403,0.3630682528,0.857874155,0.4943653941,0.003372563981,0.1299799979,0.00361760403,0.06390617043,0.1793940067,0.02695296332,0.01963655837,0.02331360988,0.1137711108,0.00211970997,0.003436191939,0.02673850209,0.01568759419,0.117938228,0.1692549288,0.1186675131,0.06312154233,0.4761576056,0.006878183223,43,0.2467743903,0.2640574574,1.085618019,1.107041001,2.084452629,195.3951874,199.2673798,375.1706238,157.4742737,217.5828705,215.1039581,0.9772004485,,0.2066886723,0.5779925585,0.1476282477,0.06769055128 +El Salvador,SLV,Latin America and Caribbean,LCN,2008,ehpm,Total,6122413,0.3258803487,0.1962342262,0.07347086817,0.6484299302,0.6006487906,0.6648664296,0.5425472485,0.1223191811,2338591,0.635932535,0.4918519557,0.2089606822,0.6113174451,0.06862194091,0.9612929225,0.03870706633,0.9243974686,0.07560255378,0.6124615073,0.3473048806,0.04023360461,0.4947979528,0.5052020472,0.3743468821,,0.505202055,0,0.1775236726,0.237682879,0.5847934484,0.9531186223,0.7431259155,0.001393546583,0.1729777455,0.005078969989,0.05823262408,0.2888837159,0.04337391257,0.05150026456,0.04321106523,0.1578244865,0.01707730815,0.04206584394,0.07258400321,0.04929025844,0.1819898039,0.0686730966,0.1547406614,0.08583581448,0.3243794441,0.003363772761,43,0.194151774,0.3151328266,1.207778811,1.231612444,2.319008589,217.2774353,221.6902313,417.1858826,154.2684326,209.4115601,247.6466217,0.9772004485,,0.1354022324,0.489022851,0.2149826884,0.160592258 +El Salvador,SLV,Latin America and Caribbean,LCN,2008,ehpm,Young worker,1201427,0,1,0,0.6236608624,1,0.4109733105,0.3396292627,0.07134405524,551820,0.4593038261,0.3180927634,0.2089606822,0.4245792627,0.02843554504,0.9243974686,0.07560255378,0.9243974686,0.07560255378,0.6896751523,0.3037280738,0.006596732885,0.4449824691,0.244692713,0.2495643795,,0.3547941446,0,0.2568740845,0.2398626059,0.5032632947,0.9391009808,0.7431259155,0.001956605585,0.1767218858,0.002058553044,0.05912556499,0.291036278,0.03899879754,0.04034175724,0.02484771609,0.1080387458,0.002642613836,0.00713584153,0.05310909078,0.06079580262,0.1902721226,0.03796895221,0.1406466514,0.07046055794,0.429826647,0.007141722832,43,0.2252063751,0.2778547704,1.063749433,1.084740877,2.042463541,191.4033051,195.2533569,367.5059814,151.059494,196.5080872,197.9190216,0.9772004485,,0.0375492312,0.4864348471,0.3426012993,0.133414641 +El Salvador,SLV,Latin America and Caribbean,LCN,2009,ehpm,Female,3240662,0.2917823493,0.1942661703,0.0788070485,0.6404206753,0.6294106245,0.4044882953,0.3328244686,0.07166381925,1006021,0.4932183921,0.4932183921,0.3371593356,0.471960932,0.06601797789,0.9569004774,0.04309949651,0.8913491964,0.108650811,0.5291182399,0.4452362359,0.02564555407,0.2540279031,0.2750903368,0.4166972339,,0.5199033022,0,0.04764912277,0.1827567667,0.7695941329,0.9523508549,0.9335771799,0.00005505566878,0.1791823059,0.0003864284663,0.003132979153,0.4165740311,0.007662087213,0.03885787353,0.02690144628,0.2795986533,0.01250179205,0.04949816316,0.08589619398,0.06247987226,0.3317924738,0.01330165751,0.09987202287,0.04803243652,0.2966254056,0,42,0.2772500217,0.3342148662,1.231770754,1.242952943,2.365074635,221.7187195,223.7315216,425.7134094,134.5600891,210.7306519,235.1424255,,,0.1517725289,0.4898820817,0.1984933019,0.1598520875 +El Salvador,SLV,Latin America and Caribbean,LCN,2009,ehpm,Higher education,1917837,0.2830042243,0.2878701389,0.01750565879,0.7816832066,0.6994901299,0.4044882953,0.3328244686,0.07166381925,866173,0.6456711292,0.5699171424,0.1233752593,0.5990608931,0.04925060272,0.9278112054,0.07218880951,0.8491470218,0.1508529782,0.7311648726,0.2245021164,0.04433300719,0.1863907576,0.5447741151,0.6238954663,,0.7450769544,0,0.04650809616,0.1892004609,0.7642914653,0.9914224744,0.8976280689,0.0001580299722,0.1542770714,0.004276764113,0.03048858605,0.3088328838,0.05371525884,0.09530700743,0.08467917889,0.2217571139,0.03672019392,0.1169048548,0.1802375466,0.1160039604,0.221187219,0.01171910483,0.09412986785,0.07329729199,0.1468621045,0.002937864279,42,0.1648040414,0.2900859118,1.819537282,1.83605516,3.493622065,327.5167236,330.4899292,628.8519897,187.8672485,243.4237671,369.3766174,0.9806042314,,0,0,0.3787049651,0.6212950349 +El Salvador,SLV,Latin America and Caribbean,LCN,2009,ehpm,Lower education,4233116,0.3288239539,0.1602793336,0.1002422348,0.5634834766,0.5709338188,0.4044882953,0.3328244686,0.07166381925,1506898,0.6235021353,0.451472044,0.2898666263,0.5998839736,0.07673313469,0.9621201754,0.03787980229,0.9400683045,0.05993167683,0.5131447911,0.450804472,0.03605075553,0.3736181855,0.1395265758,0.1793913543,,0.2719048858,0,0.2865927219,0.2190814465,0.4943258464,0.9268880486,0.5865405202,0.0007366446662,0.1526661664,0.002262354596,0.06341627985,0.2738642097,0.03978157416,0.02574118041,0.02000390366,0.1349349618,0.002772763837,0.00003172814104,0.0154047031,0.0100957565,0.1846633106,0.1137274578,0.1504189819,0.07467080653,0.4445733428,0.003641149262,42,0.2448693663,0.3127259016,1.06186974,1.07150948,2.038854361,191.1365509,192.8717041,366.9937744,164.1049805,209.5764771,195.0000153,0.9806042314,,0.1825267673,0.6596846581,0.1577885747,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2009,ehpm,Male,2910291,0.3398759663,0.206514746,0.06958857179,0.6216027737,0.5905354619,0.4044882953,0.3328244686,0.07166381925,1367050,0.7954300642,,0.08739172667,0.7510633469,0.06761388481,0.9442229867,0.05577703938,0.9117293358,0.08827065676,0.6369701028,0.3140625954,0.04896730557,0.3462403119,0.2907297909,0.3441204727,,0.4564261138,0,0.3153184056,0.2275681794,0.457113415,,0.5753813386,0.0008847226272,0.1338937134,0.004915556405,0.08787418902,0.189204365,0.07241091132,0.05927022174,0.05512627959,0.08110164106,0.016652463,0.03590486571,0.06545708328,0.03696622327,0.09767585993,0.1251138896,0.1530709565,0.09368221462,0.3695576489,0.005918810144,42,0.1708735079,0.2826058865,1.245926857,1.257237554,2.392255306,224.2668304,226.3027496,430.6059265,168.200119,228.1073761,267.5157471,,,0.1146544516,0.4836572111,0.2358231097,0.1658652425 +El Salvador,SLV,Latin America and Caribbean,LCN,2009,ehpm,Old worker,2527768,0,0,0,0.6772757769,1,0.4044882953,0.3328244686,0.07166381925,1823360,0.7213320136,0.5748668909,,0.6947852969,0.07630892098,0.9631975889,0.036802385,,,0.5722485781,0.3789493144,0.0488021113,0.2640850842,0.3081634939,0.4229593873,,0.5385133624,0,0.1731735021,0.211182192,0.6156442761,0.956496954,,0.0004093936295,0.1564071476,0.003135078354,0.05123057216,0.2857812345,0.04761777446,0.05415554345,0.04807157815,0.1800181717,0.0188452024,0.05236594379,0.08188840002,0.04706546292,0.1969171911,0.08706760406,0.1363684982,0.07906478643,0.2983824611,0.002034441335,42,0.2013745606,0.3183763325,1.342068791,1.354252219,2.576853514,241.5723724,243.7654114,463.8336182,167.4661865,232.4175873,281.8226929,0.9806042314,,0.1807496995,0.485850215,0.1584585607,0.1749415249 +El Salvador,SLV,Latin America and Caribbean,LCN,2009,ehpm,Rural,2266521,0.3614963293,0.2112374008,0.06734374166,0,0.5711599588,0.4044882953,0.3328244686,0.07166381925,752820,0.5815320611,0.3600517511,0.2884722352,0.5626196265,0.08825859427,0.9674782753,0.03252171725,0.9494909644,0.05050901324,0.5116587281,0.4592558146,0.02908543684,0.3890534043,0.1226053312,0.1696778089,,0.2396232486,0,0.4756754041,0.1583236903,0.3660008907,0.8558205366,0.4498704076,0.001349649974,0.1023344994,0.002342322376,0.05229721963,0.1848635972,0.02515868284,0.02222460136,0.02264336497,0.11111065,0.002093811054,0.003734535072,0.02552115358,0.0128841456,0.1327942908,0.1872045547,0.0897853598,0.05428531021,0.4848112762,0.006885549054,42,0.2760381997,0.2386756241,1.103877425,1.113898516,2.119511604,198.697937,200.5017242,381.5121155,169.8180542,232.4955139,220.4005127,0.9806042314,,0.2081316411,0.5720356703,0.1534472406,0.06638547778 +El Salvador,SLV,Latin America and Caribbean,LCN,2009,ehpm,Total,6150953,0.3145376146,0.200061515,0.07444537431,0.6315171123,0.6110170335,0.6366156221,0.5147771623,0.1218384599,2373071,0.6314151619,0.4932183921,0.2151711881,0.59959017,0.06693212688,0.9495973587,0.05040262267,0.9044861794,0.0955138281,0.5908966064,0.3700989783,0.03900443017,0.5192919827,0.4807080173,0.3720091283,,0.480708003,0,0.20097211,0.2084250748,0.5906028152,0.9523508549,0.7008363008,0.0005302951904,0.1532406509,0.002980747027,0.05167338252,0.2863349915,0.04475069791,0.05055021867,0.0430688411,0.1658980697,0.0148793282,0.04171181843,0.07418851554,0.04786546156,0.1976887137,0.07734854519,0.1303447783,0.07418096811,0.3384015262,0.00339033897,42,0.2163131535,0.3046511114,1.242470026,1.253749251,2.385617971,223.6445923,225.6748657,429.4111938,165.6028595,221.2931061,251.988678,0.9806042314,,0.1347547919,0.4870281219,0.2156081051,0.1626089811 +El Salvador,SLV,Latin America and Caribbean,LCN,2009,ehpm,Young worker,1230569,0,1,0,0.610932827,1,0.4044882953,0.3328244686,0.07166381925,549711,0.4467128515,0.310330689,0.2151711881,0.4040456116,0.03381093591,0.9044861794,0.0955138281,0.9044861794,0.0955138281,0.6567659974,0.338837415,0.004396568052,0.4578967392,0.198869288,0.2139424086,,0.3028008044,0,0.299163729,0.198686257,0.5021499991,0.9335771799,0.7008363008,0.0009573496645,0.1420558095,0.002435610164,0.05323749036,0.2882909775,0.03462347761,0.03781531379,0.02539792284,0.1160223335,0.00087086641,0.004078792408,0.04699058458,0.05069126189,0.2004139125,0.04301838577,0.1090674698,0.05693012476,0.4797588885,0.008179708384,42,0.2690727115,0.2561768591,1.048451185,1.057969093,2.013089895,188.7212219,190.434433,362.3562012,161.8466492,197.1719666,199.7815704,0.9806042314,,0.04084092006,0.4894331992,0.3322978914,0.1374279857 +El Salvador,SLV,Latin America and Caribbean,LCN,2012,ehpm,Female,3296491,0.2691476941,0.1990261823,0.08586312085,0.6383545399,0.6449891925,0.3778434396,0.2997804582,0.07806296647,1064677,0.5007414818,0.5007414818,0.337084353,0.4826387465,0.06179088354,0.9638481736,0.03615180776,0.904968977,0.09503100067,0.532656312,0.4388576448,0.02848603576,0.260861814,0.2717945278,0.4356150031,,0.5102624297,0,0.05063794553,0.1849029511,0.7644591331,0.9493620396,0.9319604039,0.00002436203067,0.1803696603,0.00194896257,0.002559962217,0.4072084427,0.01415921282,0.04425704107,0.03476559371,0.2640688419,0.01187502872,0.04263648018,0.08390381187,0.06277218461,0.3388807178,0.01406761166,0.09940293431,0.05048982427,0.2958914936,0.00007990746235,41,0.2829036117,0.3062590063,1.360833645,1.27243495,2.612883329,244.9425201,229.0382996,470.3045044,158.5733337,238.7388458,254.5114441,,,0.1388936937,0.468370378,0.2154275179,0.1773084253 +El Salvador,SLV,Latin America and Caribbean,LCN,2012,ehpm,Higher education,2073364,0.2418528497,0.3086853027,0.01890213229,0.765402019,0.7392449975,0.3778434396,0.2997804582,0.07806296647,997797,0.6509958506,0.5625905991,0.1282075346,0.6104360819,0.03802144155,0.9376957417,0.06230425462,0.8787731528,0.1212268397,0.7287635207,0.2332781106,0.03795837983,0.2126716822,0.5160918236,0.608564496,,0.7081746459,0,0.06504173577,0.2091873884,0.7257708907,0.9865993857,0.8527812362,0.0001549757872,0.1688872725,0.0081795156,0.03196562827,0.2957066298,0.05937924236,0.09133525193,0.07883992791,0.2005098164,0.03119181655,0.101047419,0.1628325284,0.1071556062,0.2266034633,0.02042367123,0.111843355,0.07114564627,0.1640039384,0.00375255174,41,0.181424275,0.2555572093,1.799732685,1.68282342,3.45559597,323.9235229,302.9082031,621.9528198,189.0196381,278.2871399,367.1158447,0.9998151064,,0,0,0.3828157783,0.6171842217 +El Salvador,SLV,Latin America and Caribbean,LCN,2012,ehpm,Lower education,4175898,0.3064327836,0.1608566642,0.1092069298,0.5563964844,0.5843603015,0.3778434396,0.2997804582,0.07806296647,1550159,0.6352514625,0.4633702338,0.277649492,0.6167572737,0.07198997587,0.9708868861,0.02911314182,0.9432886243,0.05671139434,0.5184032917,0.4434313178,0.03816537932,0.3874450326,0.130958274,0.1886418611,,0.2526185215,0,0.2880183756,0.2170370072,0.4949446023,0.9231894016,0.5645311475,0.001027222723,0.1494137347,0.002102285158,0.06449377537,0.2719801366,0.03716938198,0.02729316242,0.02619351447,0.1323084086,0.002231186256,0.0009880207945,0.01165226754,0.009250320494,0.1919139028,0.1214368641,0.1544495225,0.07188366354,0.4325996339,0.003594615031,41,0.2543579042,0.3018812239,1.181818128,1.10504818,2.269162655,212.712204,198.9086761,408.4203491,182.9046631,232.6209869,219.8780518,0.9998151064,,0.1701016575,0.6563146114,0.1735837162,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2012,ehpm,Male,2952771,0.3027115762,0.22204566,0.07185826451,0.6116566658,0.6254301667,0.3778434396,0.2997804582,0.07806296647,1483279,0.8031825423,,0.07229619473,0.7659241557,0.05692017823,0.9536115527,0.04638843983,0.9194436669,0.08055632561,0.6472097039,0.3077395558,0.04505073279,0.3636727929,0.2835368812,0.3477312326,,0.4380912185,0,0.3127435446,0.2351577133,0.4520987272,,0.5623532534,0.001177824684,0.1398366243,0.006233421154,0.0879098326,0.189567551,0.06855420023,0.05734790117,0.05479853973,0.08183053136,0.01439123601,0.03695866838,0.05923553184,0.03518203273,0.1082368568,0.1325151771,0.1662026495,0.08691652864,0.3541123569,0.006248974707,41,0.1854048669,0.268063277,1.364624977,1.275979996,2.620162725,245.5700378,229.6763916,471.5093689,186.9160309,251.4517822,287.4626465,,,0.09956903011,0.4624792933,0.2563336194,0.1816180646 +El Salvador,SLV,Latin America and Caribbean,LCN,2012,ehpm,Old worker,2661215,0,0,0,0.6679377556,1,0.3778434396,0.2997804582,0.07806296647,1953679,0.7341304421,0.5850080848,,0.7129138112,0.06775872409,0.9710996747,0.02890034579,,,0.587285459,0.3655459583,0.04716856405,0.2810121477,0.3062733412,0.4312840998,,0.5215067267,0,0.1712756157,0.2177215368,0.6110028625,0.953194201,,0.0006788891042,0.1586181223,0.005216588266,0.0532079339,0.2797286808,0.04658929259,0.05682797357,0.05346831679,0.1743885875,0.0164019186,0.04888634384,0.07793468237,0.04776733369,0.2022330612,0.08770794421,0.1429235488,0.07730902731,0.29570207,0.003134064376,41,0.2073447555,0.2993732393,1.459203959,1.364415169,2.801760197,262.6438599,245.5947266,504.2921448,186.6130066,255.9026489,299.7142944,0.9998151064,,0.1656370312,0.4699875712,0.1724572331,0.1919181645 +El Salvador,SLV,Latin America and Caribbean,LCN,2012,ehpm,Rural,2338850,0.3265211582,0.2206563056,0.07499198616,0,0.5984868407,0.3778434396,0.2997804582,0.07806296647,848785,0.6063742042,0.378231287,0.2700772285,0.589789331,0.07803699374,0.972649157,0.02735085972,0.949500978,0.05049904063,0.5218588114,0.4454461634,0.03269498795,0.3968119025,0.1250469387,0.2005087435,,0.2396183163,0,0.466547966,0.1652409881,0.3682110608,0.8555729985,0.4516923428,0.001594050205,0.1082972959,0.002188790822,0.05316084623,0.1733796,0.02405974083,0.02377993427,0.03396925703,0.1130225211,0.001492302283,0.004538682289,0.02327119373,0.0113109732,0.1341291517,0.1928388923,0.09887713939,0.05545380712,0.4714621305,0.006625725422,41,0.2916409373,0.2325556874,1.246205211,1.165252686,2.392789602,224.3083038,209.7454834,430.6855774,187.547821,253.6365662,251.8081512,0.9998151064,,0.1835479289,0.5506379008,0.1798336655,0.08598050475 +El Salvador,SLV,Latin America and Caribbean,LCN,2012,ehpm,Total,6249262,0.2850066125,0.2099028677,0.07924583554,0.6257398129,0.635747537,0.5729514105,0.4483015599,0.1246498507,2547956,0.6413254947,0.5007414818,0.2047344893,0.6143186117,0.05896808952,0.9578889608,0.04211100936,0.9144591093,0.0855409205,0.5990451574,0.3628687859,0.03808602691,0.5349269824,0.4650730674,0.3806337416,,0.4650730193,0,0.2025399655,0.2140278518,0.5834321976,0.9493620396,0.6883126497,0.0006928456714,0.1568789482,0.004431999754,0.05202406272,0.281075716,0.04568356276,0.05184378475,0.04637559131,0.1584535092,0.0133332843,0.03934593126,0.06960742921,0.04678244516,0.2052122056,0.0827133134,0.1381163895,0.07160074264,0.3296331167,0.003655160312,41,0.2263986915,0.2841228545,1.3629179,1.274383783,2.616885185,245.160675,229.3890686,470.7233887,184.0950012,246.6841583,272.3120117,0.9998151064,,0.1206838042,0.4656424224,0.2343697101,0.1793040782 +El Salvador,SLV,Latin America and Caribbean,LCN,2012,ehpm,Young worker,1311738,0,1,0,0.6065662503,1,0.3778434396,0.2997804582,0.07806296647,594277,0.4530454874,0.3119230866,0.2047344893,0.4142915606,0.02827900648,0.9144591093,0.0855409205,0.9144591093,0.0855409205,0.6400995851,0.3535225391,0.00637786556,0.4581114352,0.181988135,0.2182959169,,0.2843122184,0,0.3116873503,0.2011327744,0.4871798754,0.9319604039,0.6883126497,0.0007415695,0.1508072615,0.001692913007,0.04789103568,0.2857784331,0.0425215587,0.03444341943,0.02161408216,0.1028223783,0.002620334737,0.006039282773,0.04053606465,0.04334409162,0.2156127095,0.06527651846,0.1213340163,0.05167248845,0.4480901361,0.005474365316,41,0.2929181159,0.2308820486,1.173486352,1.097257614,2.253165007,210.7402649,197.5063782,404.6340942,179.6364899,225,219.8780518,0.9998151064,,0.0298486352,0.4568623304,0.3594737649,0.1538152844 +El Salvador,SLV,Latin America and Caribbean,LCN,2014,ehpm,Female,3374505,0.2492324114,0.2030197084,0.08789852262,0.6349070668,0.6628690958,0.3629933596,0.2830946445,0.07989870757,1115380,0.4986375868,0.4986375868,0.3469218016,0.4807401597,0.05671848729,0.964107275,0.03589269891,0.9024626613,0.09753735363,0.5573908091,0.411871165,0.03073801287,0.7085124254,0.2914875746,0.4712778926,,0.2922696471,0,0.04012475908,0.1799755543,0.7798996568,0.959875226,0.9510672688,0,0.1753528565,0.002089560032,0.002533138264,0.4260972738,0.01374999341,0.04012196884,0.03275875747,0.2671716809,0.01409313828,0.08022347838,0.04971888289,0.05073343962,0.3868875802,0.01181852166,0.100655973,0.05069996044,0.2550825477,0.00008648379298,42,0.2778928876,0.3316839337,1.472338319,1.350933313,2.826978922,264.9380493,243.167984,508.6971436,145.5774994,253.9817505,275.5599365,,,0.1216836572,0.4541846216,0.2373329401,0.1867987812 +El Salvador,SLV,Latin America and Caribbean,LCN,2014,ehpm,Higher education,2287501,0.2336444855,0.3068059981,0.02490621805,0.7564328909,0.7414492965,0.3629933596,0.2830946445,0.07989870757,1104160,0.6510124207,0.5570080876,0.1467087716,0.6097174287,0.03715909272,0.9365680814,0.06343193352,0.8597727418,0.1402272582,0.749186039,0.2141364515,0.03667752445,0.4453047514,0.5546952486,0.675272584,,0.5557076931,0,0.05589094386,0.1923701316,0.7517389059,0.9925801754,0.8637869358,0.0001363476767,0.1536493301,0.007864650339,0.03071980923,0.3204576671,0.05366199836,0.08651211858,0.08955334872,0.2015537769,0.03482571244,0.1475204527,0.1025760025,0.1020625234,0.2712564468,0.01430200133,0.1154342666,0.06952667981,0.1384605914,0.004035311285,42,0.1661536694,0.3045746088,1.880472779,1.725414157,3.610621929,338.4851074,310.5745239,649.9119873,194.1033325,278.7694092,385.247406,1.01142025,,0,0,0.3950589895,0.6049410105 +El Salvador,SLV,Latin America and Caribbean,LCN,2014,ehpm,Lower education,4113914,0.2914647758,0.1553800106,0.1141506582,0.5490939021,0.594384551,0.3629933596,0.2830946445,0.07989870757,1530607,0.6259518862,0.4592608809,0.3100419343,0.6051442027,0.07158347219,0.9667583108,0.03324171528,0.9358622432,0.06413776428,0.5321238041,0.4276167154,0.0402594544,0.8596403003,0.1403596699,0.2134112418,,0.1405279487,0,0.2678595483,0.2265046239,0.5056358576,0.9343441725,0.5936156511,0.0009434172534,0.1488389373,0.003909504972,0.07281275839,0.2870894372,0.03820366785,0.02676439658,0.02047269605,0.1331056356,0.002478159731,0.002202433301,0.0122759128,0.006802605931,0.2506097555,0.10805507,0.1604012102,0.07724127173,0.3775426149,0.002390981652,42,0.2416540384,0.3095084429,1.249791145,1.14673686,2.399674892,224.9383698,206.4126434,431.8953247,182.2124786,251.5624695,235.2449188,1.01142025,,0.1547491997,0.6571438313,0.188106969,0 +El Salvador,SLV,Latin America and Caribbean,LCN,2014,ehpm,Male,3026910,0.2948508561,0.2167054862,0.07597351819,0.610116899,0.6291756034,0.3629933596,0.2830946445,0.07989870757,1519387,0.7978054881,,0.09676834196,0.7553340793,0.05794847757,0.9467647076,0.05323528498,0.8960292339,0.1039707661,0.6692788601,0.285918951,0.0448021628,0.6747547388,0.325245291,0.4193958044,,0.325561583,0,0.2857201397,0.2367483675,0.4775314927,,0.5948773026,0.001068472629,0.1324767023,0.008113301359,0.09508989006,0.2071627229,0.06759671122,0.05973088741,0.06094951555,0.08209164441,0.0170496814,0.04834543169,0.04920118302,0.04244345799,0.1635784954,0.1125983819,0.1727373302,0.09153619409,0.297214061,0.005295787007,42,0.1602875739,0.2893843651,1.4555583,1.335536957,2.794760227,261.8703003,240.3966522,502.8068848,188.0545044,262.4464722,307.8007813,,,0.08805365115,0.4473434687,0.2714247406,0.1931781322 +El Salvador,SLV,Latin America and Caribbean,LCN,2014,ehpm,Old worker,2800274,0,0,0,0.6622769833,1,0.3629933596,0.2830946445,0.07989870757,2047148,0.7310527563,0.5850367546,,0.7092123628,0.06455221772,0.9701247811,0.02987522073,,,0.6090557575,0.3435381651,0.04740610346,0.6625686288,0.3374313712,0.4873503149,,0.3380018771,0,0.1545945108,0.2140359282,0.6313695312,0.961732924,,0.0004174242786,0.150579378,0.005967304111,0.05707181618,0.2945338488,0.0460219048,0.05543333665,0.05640262738,0.1789778322,0.01920705475,0.07538611442,0.05528630689,0.04436026514,0.2611837089,0.07548732311,0.1472968906,0.07863537967,0.2409459502,0.002210989129,42,0.1947689503,0.317330569,1.567084789,1.437867284,3.00889802,282.0752563,258.8161011,541.6016235,185.6316071,268.1681213,321.1229248,1.01142025,,0.1472938061,0.4671893716,0.1856852323,0.1998315901 +El Salvador,SLV,Latin America and Caribbean,LCN,2014,ehpm,Rural,2412149,0.3069370985,0.2230641693,0.07793465257,0,0.6151282787,0.3629933596,0.2830946445,0.07989870757,872922,0.5883091688,0.3708564043,0.2978753448,0.5681256056,0.07786242664,0.9656922221,0.03430776298,0.9352407455,0.0647592321,0.5421496034,0.4235563576,0.03429405764,0.8591510653,0.1408489496,0.2252365798,,0.1411039978,0,0.424110353,0.174444288,0.401445359,0.8857420683,0.4996367395,0.001136452658,0.1109061465,0.002912308089,0.05948938057,0.1984212995,0.0249628108,0.02261161059,0.03551948071,0.1199301556,0.004892203026,0.01543938462,0.01873130165,0.01576798409,0.1955517083,0.1656990647,0.1023981795,0.05515116826,0.4200129509,0.006356067955,42,0.2737344205,0.2556081116,1.332005024,1.222171545,2.557530642,239.7564392,219.9908905,460.3469238,188.0472717,268.1843567,277.7268982,1.01142025,,0.1561574042,0.5442857146,0.2042280585,0.09532885253 +El Salvador,SLV,Latin America and Caribbean,LCN,2014,ehpm,Total,6401415,0.2708030939,0.2094910294,0.08225978166,0.6231850386,0.646937117,0.5457452762,0.4185926063,0.1271526699,2634767,0.6362153796,0.4986375868,0.2245631963,0.6070171594,0.05742232502,0.9541063905,0.0458936207,0.8983014226,0.1016985476,0.6214166284,0.3397974074,0.0387859568,0.6891952157,0.3108047843,0.4393872917,,0.3113203347,0,0.1806620806,0.2124627233,0.6068751812,0.959875226,0.7212626934,0.0006114132702,0.1508177966,0.00553653203,0.05549699068,0.3008161187,0.04456275702,0.05134280026,0.04889038578,0.1612631381,0.01578496397,0.06198187172,0.04942263663,0.04598965496,0.259103179,0.06948789209,0.1419031769,0.07406772673,0.279191494,0.003067408921,42,0.2105954736,0.3074788153,1.46073544,1.340287209,2.804700851,262.8892212,241.2516937,504.7632751,185.6316071,259.8391113,294.3127747,1.01142025,,0.1062137559,0.4510376751,0.25301525,0.1897333115 +El Salvador,SLV,Latin America and Caribbean,LCN,2014,ehpm,Young worker,1341039,0,1,0,0.5987707973,1,0.3629933596,0.2830946445,0.07989870757,587619,0.4381818771,0.3029393256,0.2245631963,0.3936194181,0.03059718572,0.8983014226,0.1016985476,0.8983014226,0.1016985476,0.6679226756,0.32572335,0.006353969686,0.7893736959,0.2106263191,0.2754703164,,0.2109351158,0,0.2787373066,0.2065437883,0.5147188902,0.9510672688,0.7212626934,0.001341267256,0.1517147571,0.003915818408,0.04957194999,0.3244521618,0.03907293454,0.03595278412,0.02062672004,0.09461428225,0.002909868024,0.011550433,0.02736147307,0.05211997777,0.25127545,0.04691593722,0.1216101274,0.05688261613,0.4230845869,0.006289558485,42,0.2701403201,0.2704131305,1.240197659,1.137934327,2.381254911,223.2355804,204.8281708,428.6258545,185.8118591,238.6362457,234.044342,1.01142025,,0.0208841674,0.4174881577,0.3928700686,0.1687576175 +Uruguay,URY,Latin America and Caribbean,LCN,2006,ech,Female,1621374,0.2166939825,0.1412777007,0.167450577,0.9424346089,0.6158554554,0.3855122924,0.2429515719,0.1425607055,636589,0.6375964284,0.6375964284,0.1654238105,0.5454728603,,0.8555142879,0.1444856822,0.6525970697,0.3474029303,0.7451079488,0.2281059325,0.02678609081,0.3593684435,0.6406315565,,0.5664391518,0.6561894417,0,0.05084390566,0.122670047,0.8264860511,0.9491561055,0.9610308409,0.0002611057134,0.1122956872,0.006603032816,0.003510217182,0.2099529058,0.02479401231,0.06981084496,0.05832587183,0.4636024237,0.04893914238,0.1393951029,0.05606729165,0.1781798154,0.2182974815,0.01905865036,0.05453943834,0.02131274156,0.2635944188,0.0006159220356,41,0.4369375706,0.1438127458,34.02751923,45.33480072,2.170990705,5906.25,8160.264648,376.8248291,3802.542236,4717.73877,6240.70752,,,0.009968089871,0.09226132184,0.7922567725,0.1055138186 +Uruguay,URY,Latin America and Caribbean,LCN,2006,ech,Higher education,1592315,0.07187962532,0.2454426438,0.08302942663,0.9624835253,0.8450909257,0.3855122924,0.2429515719,0.1425607055,1011342,0.7516677976,0.678622663,0.07945431769,0.6671222448,,0.8875226974,0.1124772802,0.7161297798,0.2838702202,0.7370968461,0.2124457806,0.05045739189,0.2901561856,0.7098438144,,0.6128150225,0.7157017589,0,0.06116705388,0.2003802955,0.738452673,0.9691751003,0.9134166837,0.001070150058,0.138052702,0.01139893942,0.04985850304,0.2292877436,0.05849335343,0.08874880522,0.08337015659,0.2785525918,0.05585560575,0.1296298504,0.07812532783,0.1652440131,0.1640022844,0.03402099013,0.138073191,0.06484226137,0.1624537408,0.007752733771,41,0.3064498305,0.2155563384,37.92571259,50.52835464,2.41969943,6614.950195,9095.103516,422.0406189,4512.419922,5959.414063,7064.95166,0.9618094563,,0,0,0.8478878736,0.1521121264 +Uruguay,URY,Latin America and Caribbean,LCN,2006,ech,Lower education,1473289,0.40430969,0.04635342956,0.2174800783,0.9061799645,0.3782102466,0.3855122924,0.2429515719,0.1425607055,387393,0.6952956319,0.5330742002,0.3452088237,0.6209744811,,0.8931085467,0.1068914533,0.7312740684,0.2687259316,0.6568772197,0.3130520582,0.03007075563,0.4838865399,0.5161134601,,0.5127433538,0.5283625722,0,0.2174481601,0.2426940054,0.5398578048,0.8824766278,0.7215445042,0.00243316032,0.1348595768,0.008980415761,0.09642085433,0.1888433397,0.04079377279,0.02868872695,0.05447270349,0.2270592898,0.04036290944,0.002514904132,0.01129246969,0.0257133767,0.1206314787,0.1100219935,0.1900243163,0.07830931246,0.4125745296,0.008554725908,41,0.2977449894,0.2677782774,26.65803337,35.51644897,1.700809956,4657.580566,6392.960938,297.1584167,4191.20752,5266.339355,4735.26416,0.9618094563,,0.02872330695,0.2754601836,0.6958165169,0 +Uruguay,URY,Latin America and Caribbean,LCN,2006,ech,Male,1444230,0.2484216541,0.1592890322,0.1254093945,0.9275551438,0.6261689663,0.3855122924,0.2429515719,0.1425607055,762146,0.8428888321,,0.0727520138,0.7730110288,,0.9170972705,0.08290275186,0.7666835785,0.2333164513,0.6911463141,0.2500436306,0.05881006271,0.3321239352,0.6678760648,,0.599414587,0.6693396568,0,0.1466065645,0.2818883061,0.5715051293,,0.8298972249,0.002375575947,0.156541571,0.01393824071,0.1090329215,0.224324286,0.07598690689,0.07376177609,0.08857402205,0.108858116,0.05357544497,0.05909001827,0.06222769246,0.08608692139,0.1002207845,0.08330599219,0.2288869619,0.1054301858,0.2074647993,0.01371121034,41,0.2004686892,0.2973065674,34.2027626,45.56827545,2.182171345,5995.634766,8202.289063,382.5276489,4395.918945,5999.999512,6593.878418,,,0.01046500076,0.1037697494,0.7954033017,0.09036195278 +Uruguay,URY,Latin America and Caribbean,LCN,2006,ech,Old worker,1443750,0,0,0,0.9318780899,1,0.3855122924,0.2429515719,0.1425607055,1153560,0.7991093993,0.6934562922,,0.7393951416,,0.9252739549,0.07472606748,,,0.6970607042,0.251732558,0.05120676383,0.3160295784,0.6839704514,,0.6061100364,0.692262888,0,0.1021192521,0.210152626,0.687728107,0.9474838972,,0.001403701026,0.1333009303,0.01197368279,0.06347431242,0.2019565552,0.05530732125,0.07245481014,0.0825265497,0.275482893,0.05740372464,0.1034835726,0.06177660078,0.1286588013,0.1409386843,0.05641300231,0.1539456695,0.07008703798,0.2194309235,0.0078619821,41,0.2952530384,0.2388128042,37.5,49.96118164,2.392538548,6593.878418,8993.012695,420.696228,4500,6344.177246,7079.133301,0.9618094563,,0.01073500235,0.1181927025,0.7557418346,0.1153304875 +Uruguay,URY,Latin America and Caribbean,LCN,2006,ech,Rural,197962,0.2363130301,0.1271102577,0.1397591531,0,0.6239278316,0.3855122924,0.2429515719,0.1425607055,91289,0.7390984297,0.5489552617,0.1839208305,0.7027705312,,0.9508484006,0.04915159568,0.8548547029,0.1451452821,0.5621759892,0.3446579576,0.0931660533,0.350061059,0.649938941,,0.6770581603,0.7107900977,0,0.6979631186,0.09574529529,0.2062915713,0.4372742474,0.3371495008,0.001901995391,0.07454669476,0.002397666918,0.01689894125,0.06390704215,0.01435141917,0.01255316939,0.02094500326,0.09453493357,0.02310219593,0.02433569729,0.01268084627,0.02843968011,0.06338117272,0.3366073072,0.0673352927,0.05173785239,0.3904086649,0.001971295103,41,0.1930254996,0.4117877483,28.25488281,37.64392853,1.802690506,5032.093262,6775.906738,321.0527039,4765.490723,5763.456055,5679.547852,0.9618094563,,0.01470753271,0.1692056656,0.7712478042,0.04483898357 +Uruguay,URY,Latin America and Caribbean,LCN,2006,ech,Total,3065604,0.2316411436,0.1497629881,0.147644639,0.9354248047,0.6207142174,0.6110473579,0.3731848523,0.2378625056,1398735,0.7350683018,0.6375964284,0.1189883873,0.6535270248,,0.8890697956,0.1109302342,0.7187274098,0.2812725604,0.7147783041,0.2404362261,0.04478546977,0.3440553844,0.6559445858,,0.5849732757,0.6635806561,0,0.1046669409,0.2121580541,0.6831750274,0.9491561055,0.8799077272,0.001449535601,0.1371639222,0.01072575804,0.0628188476,0.2180302888,0.05356678367,0.07203145325,0.07532672584,0.2642197311,0.05154488981,0.09426114708,0.0595296286,0.1264207363,0.1519346982,0.05516765639,0.1525281668,0.06858935952,0.2320478261,0.007975881919,41,0.3040280044,0.2300854027,34.13394547,45.47659302,2.177780867,5945.776367,8185.786621,379.3466492,4287.06543,5682.316406,6402.07666,0.9618094563,,0.01021377742,0.09795143455,0.7938125134,0.09802227467 +Uruguay,URY,Latin America and Caribbean,LCN,2006,ech,Young worker,459114,0,1,0,0.9451922774,1,0.3855122924,0.2429515719,0.1425607055,245175,0.5340688825,0.4499567747,0.1189883873,0.3838499486,,0.7187274098,0.2812725604,0.7187274098,0.2812725604,0.8220970035,0.1720124334,0.005890564993,0.5138127208,0.4861872494,,0.456944406,0.4898475707,0,0.1200922579,0.2243002355,0.6556075215,0.9610308409,0.8799077272,0.001727047027,0.1605528891,0.003170040203,0.05885026231,0.3153508306,0.0430284664,0.06946819276,0.0317344889,0.1960255206,0.01605864242,0.03840209171,0.04591999203,0.1128650978,0.2185361981,0.04762472957,0.1439424902,0.05951812863,0.3084668815,0.008665757254,41,0.3571793437,0.1772220135,21.94829559,29.24167252,1.400323749,3738.461182,5263.500977,238.5176544,3621.468994,3750.000244,3754.333252,0.9618094563,,0.00862720795,0.03633853421,0.909696877,0.04533736035 +Uruguay,URY,Latin America and Caribbean,LCN,2007,ech,Female,1582111,0.2166320831,0.1422858387,0.1629202962,0.942876935,0.6204476357,0.3798801601,0.236733675,0.1431464851,639047,0.651014626,0.651014626,0.1635852307,0.568238914,,0.8728513122,0.1271487027,0.6975695491,0.3024304509,0.742808938,0.2287692577,0.02842180431,0.3482994735,0.6516700387,,0.5946955085,0.6633039117,0,0.04740971327,0.1229651347,0.8296251297,0.9525902867,0.9603028297,0.0001703192684,0.1124214754,0.005708384793,0.004664955195,0.2165833563,0.02523414418,0.07604128122,0.05183980614,0.4599265754,0.05433543399,0.1435002536,0.05475854129,0.1792834401,0.2110686004,0.01827077568,0.05230056494,0.0216197893,0.264367789,0.0004948222777,39,0.4471633732,0.1294982284,38.34305573,47.25038528,2.446326256,6592.151855,8505.069336,420.5860596,4422.569336,5084.325684,6930.134766,,,0.008329163305,0.08937732875,0.7952803969,0.1070131063 +Uruguay,URY,Latin America and Caribbean,LCN,2007,ech,Total,2999121,0.2352602631,0.1473011523,0.1437921375,0.9365377426,0.6209475845,0.6104418634,0.3788729821,0.2315688813,1392285,0.7476170796,0.651014626,0.1162381694,0.6770907414,,0.9056651592,0.09433485568,0.7559353113,0.2440646738,0.7162857056,0.2384452075,0.04526907578,0.3362819552,0.6637180448,,0.6145237088,0.6693432927,0,0.1024991944,0.2173282057,0.6801726222,0.9525902867,0.8864427805,0.001716990722,0.139096871,0.008530232124,0.06798411161,0.2147650123,0.05668289959,0.07799500227,0.06508148462,0.265648216,0.05612458289,0.09739263356,0.0617942214,0.1272881031,0.1401802003,0.04986489937,0.1419146359,0.07197720557,0.2452029288,0.008260589093,39,0.3120188415,0.2174098939,38.64413834,47.62141418,2.465535641,6729.491699,8571.854492,429.3484802,4859.591797,6418.792969,7200,0.9578557611,,0.008459188975,0.09628736973,0.7945603132,0.1006931439 +Uruguay,URY,Latin America and Caribbean,LCN,2007,ech,Young worker,441774,0,1,0,0.945841074,1,0.3798801601,0.236733675,0.1431464851,241141,0.5458469987,0.4551067948,0.1162381694,0.4126250148,,0.7559353113,0.2440646738,0.7559353113,0.2440646738,0.8467307091,0.1483759135,0.004893382546,0.4923225343,0.5076774359,,0.4889871478,0.5101899505,0,0.1135571897,0.2300109118,0.6564319134,0.9603028297,0.8864427805,0.002117539989,0.1590513885,0.003115965519,0.06572602689,0.3039986491,0.0465310216,0.07821732014,0.02723726816,0.2004476488,0.01302341931,0.03314004838,0.05004745349,0.1235195026,0.2083088756,0.03039712086,0.1219450682,0.06154031679,0.348757714,0.009320466779,39,0.3741188347,0.1561219394,24.72864532,30.47326469,1.577713013,4229.966309,5485.1875,269.8761902,3990.36084,4174.165039,4270.626953,0.9578557611,,0.00738308765,0.03510076553,0.9094341397,0.04808202013 +Uruguay,URY,Latin America and Caribbean,LCN,2008,ech,Female,1592881,0.212843895,0.1420181394,0.1669578552,0.9428727031,0.6201982498,0.3780138493,0.2263283134,0.1516855508,652764,0.6607578397,0.6607578397,0.1576665044,0.5899745226,,0.8928755522,0.1071244702,0.7293391824,0.2706607878,0.7456235886,0.2240883857,0.0302880574,0.3307820261,0.6692180037,,0.6299857497,0.677659452,0,0.04774609581,0.118910566,0.833343327,0.9522538781,0.963195622,0.0001235345262,0.1086383238,0.005380615126,0.004768089857,0.2144387811,0.02701803111,0.07793999463,0.0543689169,0.45957762,0.05390872434,0.1336840391,0.06189895421,0.1807400733,0.2159180045,0.02024408244,0.0455959402,0.02626463398,0.2609906495,0.0007549280417,40,0.4223050475,0.1428358257,42.75101089,48.84282684,2.727558374,7374.692871,8791.708984,470.51297,4911.790039,6104.546875,7684.73291,,,0.0136818951,0.07952617854,0.7964782715,0.1103136465 +Uruguay,URY,Latin America and Caribbean,LCN,2008,ech,Higher education,1711407,0.1321415603,0.2218449563,0.08095560968,0.9622970819,0.7869028449,0.3780138493,0.2263283134,0.1516855508,1025096,0.7611848712,0.6963634491,0.07823434472,0.6994062066,,0.918838799,0.08116117865,0.7866384983,0.2133615017,0.7434021235,0.2031610608,0.05343678221,0.2631314695,0.7368685603,,0.6834699512,0.7406439185,0,0.05717097595,0.1996763945,0.7431526184,0.9718376398,0.9195663333,0.001340915216,0.1356755644,0.00992468372,0.05273523182,0.2250699103,0.06315042078,0.0979122892,0.07330973446,0.2837102711,0.06341344863,0.1255443841,0.08500707895,0.1673875451,0.1560890824,0.02889272571,0.1238732859,0.07391246408,0.1693368107,0.006543171126,40,0.2924562991,0.2207213491,48.60884476,55.53537369,3.101294279,8484.000977,9996.367188,541.2879639,6010.751465,8008.583496,8784.449219,0.9256768227,,0,0,0.8475358486,0.1524641514 +Uruguay,URY,Latin America and Caribbean,LCN,2008,ech,Lower education,1294165,0.3576228619,0.0532922782,0.2357033342,0.9013580084,0.406673789,0.3780138493,0.2263283134,0.1516855508,377184,0.7166669965,0.5596533418,0.3330626786,0.6634619236,,0.9257603884,0.07423962653,0.7880507112,0.2119492888,0.6644557714,0.3089134097,0.02663081139,0.4678333998,0.5321666002,,0.5471644998,0.5378140807,0,0.2211912423,0.2606434524,0.5181652904,0.8816694021,0.7233431339,0.002723508049,0.1263467222,0.007036445197,0.1245367751,0.1779301316,0.04586433619,0.03342096508,0.03369303048,0.2272568494,0.04247068986,0.002107783221,0.00932465028,0.02062248252,0.1150173843,0.108430557,0.17226547,0.08922854066,0.4328287244,0.007703719195,40,0.3128368556,0.2452417314,34.92856979,39.90572357,2.22847867,6010.751465,7183.030273,383.4921265,5605.981445,6863.27002,5835.59375,0.9256768227,,0.04430337623,0.2490751594,0.7066214681,0 +Uruguay,URY,Latin America and Caribbean,LCN,2008,ech,Male,1412691,0.2477088124,0.1574427783,0.1257479489,0.92837286,0.6265432239,0.3780138493,0.2263283134,0.1516855508,749516,0.846803546,,0.07646413147,0.8001732826,,0.9449337721,0.05506620184,0.8300768137,0.1699231714,0.7026515007,0.2380778939,0.05927061662,0.3083828688,0.6916171312,,0.660281837,0.6924756169,0,0.1457931846,0.2961991727,0.5580076575,,0.8321932554,0.003024385776,0.1533259004,0.01224014908,0.1276087463,0.2105774432,0.0843622908,0.08255217224,0.06936460733,0.1111511141,0.06090988591,0.05798857287,0.06671015173,0.08404036611,0.08660445362,0.0752241835,0.2121489346,0.1206746846,0.2238200754,0.01187869161,40,0.1956475377,0.29690516,45.42073059,51.89296722,2.897889137,7893.653809,9340.734375,503.62323,5896.437988,7927.981934,8590,,,0.01660765521,0.09070365131,0.802423358,0.0902653262 +Uruguay,URY,Latin America and Caribbean,LCN,2008,ech,Old worker,1424378,0,0,0,0.933332324,1,0.3780138493,0.2263283134,0.1516855508,1163992,0.8171932101,0.7228903174,,0.7747753859,,0.9480932951,0.05190671235,,,0.7016509175,0.2453992665,0.05294982716,0.2946203053,0.7053797245,,0.6639415622,0.7099766135,0,0.09911478311,0.216783002,0.6841022372,0.9506502748,,0.001798709505,0.1308345944,0.01032830775,0.07382139564,0.1961680651,0.05941178277,0.07937066257,0.06714577973,0.2820059359,0.06554618478,0.102670148,0.06531058997,0.1253464818,0.1340935379,0.05432898551,0.1410962343,0.08104946464,0.2238438278,0.006714553572,40,0.2857400477,0.2415037304,48.44878006,55.35250092,3.091081858,8458.008789,9963.450195,539.6296387,6075.490234,8202.742188,8930.527344,0.9256768227,,0.01478885021,0.1028183401,0.7669256926,0.1154670939 +Uruguay,URY,Latin America and Caribbean,LCN,2008,ech,Rural,192184,0.2283904999,0.1308485568,0.146651119,0,0.624958396,0.3780138493,0.2263283134,0.1516855508,89470,0.7449191213,0.5563113093,0.1906390488,0.7207490206,,0.9675533772,0.0324466303,0.8889135718,0.1110864282,0.5713146925,0.3499832451,0.07870204747,0.3088936806,0.6911063194,,0.710570991,0.7204015255,0,0.6950454712,0.08863654733,0.2163179964,0.4665563703,0.3506623209,0.003211385338,0.06308408827,0.00212552119,0.02021555603,0.05589889735,0.01579123735,0.01276467927,0.01709658466,0.1147665977,0.02264142223,0.02119745314,0.01195605751,0.02625711821,0.0715746209,0.3667217195,0.06064666808,0.06432012469,0.3525939584,0.002090865979,40,0.2243926674,0.3681426048,38.935215,44.48329926,2.484106779,6886.155762,8006.994141,439.343811,6733.27002,7987.897461,7125.722168,0.9256768227,,0.01813618094,0.1511613578,0.7863784432,0.04432404786 +Uruguay,URY,Latin America and Caribbean,LCN,2008,ech,Total,3005572,0.2292312384,0.1492680907,0.1475882083,0.9360574484,0.6231805384,0.6046713969,0.367840817,0.2368305799,1402280,0.748675673,0.6607578397,0.1174092144,0.689306104,,0.9207005501,0.07929942757,0.7868923545,0.2131076753,0.7220505476,0.2317625582,0.0461869128,0.3184945881,0.6815053821,,0.6466051936,0.6857870817,0,0.1015315875,0.2161654383,0.6823029518,0.9522538781,0.8842443228,0.00171484868,0.1331524998,0.009143535979,0.07215454429,0.2123205811,0.05847525597,0.08047008514,0.06259507686,0.2684419751,0.05774932727,0.09216005355,0.06453821808,0.1276938617,0.1449809521,0.05040431395,0.1369613111,0.07805480808,0.240600124,0.006857050117,40,0.2979683578,0.2273530662,44.29824829,50.61053848,2.82627368,7665.369141,9109.896484,489.0584106,5736.104004,7542.751465,8104.991211,0.9256768227,,0.0151283741,0.08505225182,0.7994174957,0.1004018784 +Uruguay,URY,Latin America and Caribbean,LCN,2008,ech,Young worker,448636,0,1,0,0.9439478517,1,0.3780138493,0.2263283134,0.1516855508,238288,0.5311388373,0.4515555799,0.1174092144,0.4179490805,,0.7868923545,0.2131076753,0.7868923545,0.2131076753,0.8421125412,0.1515036821,0.006383761764,0.4590068758,0.540993154,,0.5445716977,0.5434197187,0,0.1157556772,0.2125307322,0.6717135906,0.963195622,0.8842443228,0.001221287763,0.1467945129,0.002170585562,0.06234433874,0.3073858619,0.05296335742,0.08694075793,0.03581199795,0.1886116266,0.01186089031,0.03030286916,0.05999242514,0.1415093839,0.2090588659,0.02730564773,0.1126251295,0.06042974442,0.3392193317,0.007695712615,40,0.3699381948,0.1440692842,30.06659508,34.3509407,1.918279648,5134.166992,6183.168945,327.5651245,4837.129883,5249.755371,5162.285156,0.9256768227,,0.01617064141,0.03051403351,0.8991605639,0.05415474996 +Uruguay,URY,Latin America and Caribbean,LCN,2009,ech,Female,1591666,0.2091179937,0.1406099051,0.1669791341,0.9273566008,0.6239028573,0.3706438243,0.2225205302,0.1481232941,661732,0.6663665771,0.6663665771,0.1590901017,0.599378705,,0.8994728923,0.1005271003,0.7423264384,0.2576735914,0.7439424992,0.2270072699,0.02905025147,0.3204902411,0.6795097589,,0.6332201958,0.6884326339,0,0.04957241938,0.1159758717,0.834451735,0.9504275918,0.959113121,0.000344416243,0.1055778638,0.004840308335,0.005213286262,0.2219552696,0.0268224664,0.08378387243,0.05274273083,0.4491473734,0.05692612752,0.1391861737,0.06159842759,0.1860805452,0.2147914171,0.01989549957,0.04315283522,0.02459972166,0.2527965009,0.0009727659053,39,0.4358139038,0.1215924397,50.5561142,53.93143845,3.225532055,8810.762695,9707.65918,562.1356812,5654.336426,7174.888184,9190.036133,,,0.01288726181,0.06672909856,0.7980158329,0.1223678067 +Uruguay,URY,Latin America and Caribbean,LCN,2009,ech,Higher education,1638156,0.07070755213,0.2371721566,0.08883952349,0.9503191113,0.8404529095,0.3706438243,0.2225205302,0.1481232941,1054270,0.7657433152,0.7024585605,0.07947751135,0.7068695426,,0.9231154919,0.07688447833,0.795121491,0.2048784792,0.7501564622,0.1987797171,0.0510638468,0.2492167652,0.750783205,,0.6963521838,0.7542747855,0,0.05931692198,0.1964790821,0.7442039847,0.9703367352,0.9134241939,0.001048074802,0.1326903701,0.01035538968,0.05238524452,0.2281412184,0.06181586161,0.1022068113,0.07302101701,0.2790190876,0.06331913173,0.1292440593,0.08771049976,0.1678337604,0.153934449,0.02966051549,0.1214235723,0.07389235497,0.1656667143,0.007314945571,39,0.3011297584,0.1954770833,59.48376465,63.45513535,3.795125246,10280.45215,11421.92383,655.9033813,7495.688477,9582.706055,10762.33105,0.9251015186,,0,0,0.8323795199,0.1676204652 +Uruguay,URY,Latin America and Caribbean,LCN,2009,ech,Lower education,1385500,0.407238543,0.04541825876,0.2144929618,0.883566916,0.3782684803,0.3706438243,0.2225205302,0.1481232941,379047,0.7232465148,0.5629355311,0.3365328014,0.6722763777,,0.9295259118,0.07047411054,0.811101675,0.188898325,0.651535213,0.3170315623,0.0314332433,0.4674598575,0.5325401425,,0.5168958902,0.5397577286,0,0.2340080738,0.2473647147,0.5186272264,0.8778790236,0.719330132,0.00234152819,0.1242769659,0.006533573382,0.1142126471,0.1868142188,0.04840577394,0.03384856507,0.03340296447,0.2161556929,0.05130075291,0.001379373018,0.01186090428,0.022370819,0.1193583384,0.1078153104,0.1754585207,0.08535934985,0.4170673192,0.008029312827,39,0.3054429591,0.2320984155,40.84461212,43.57155991,2.605928183,7114.814453,7842.880859,453.9324646,6697.569824,8068.359375,6884.706543,0.9251015186,,0.04250979424,0.2197843492,0.7377058268,0 +Uruguay,URY,Latin America and Caribbean,LCN,2009,ech,Male,1431990,0.2424688786,0.1589731723,0.1235609204,0.9112570882,0.633970201,0.3706438243,0.2225205302,0.1481232941,771585,0.8499138951,,0.07226507366,0.8044785261,,0.9465411901,0.05345879123,0.838296175,0.1617038399,0.7076432109,0.2328226566,0.05953415856,0.2964165807,0.7035834193,,0.6612290144,0.7044460177,0,0.151534155,0.2866361737,0.5618296862,,0.8299902678,0.002245538635,0.1507276744,0.01300632488,0.1206566319,0.2132453918,0.08386539668,0.08424330503,0.07043460757,0.1100409776,0.06273131073,0.05945611373,0.07239945233,0.08278781176,0.08765679598,0.07532276213,0.2112805396,0.1195968464,0.2159400433,0.01282832492,39,0.1931811124,0.273491621,54.40501785,58.03731155,3.471096039,9506.725586,10446.71582,606.5388794,7200.540527,9705.587891,10350,,,0.01591549814,0.08218641579,0.8026343584,0.09926374257 +Uruguay,URY,Latin America and Caribbean,LCN,2009,ech,Old worker,1449432,0,0,0,0.9165500402,1,0.3706438243,0.2225205302,0.1481232941,1191608,0.8221206665,0.7275496125,,0.7814916372,,0.9505802393,0.04941977561,,,0.7044995427,0.2429490387,0.05255142599,0.283225596,0.716774404,,0.6634557843,0.7217262387,0,0.1034484282,0.2097925395,0.6867590547,0.9491606355,,0.001366623095,0.1289975643,0.00991949439,0.06950885803,0.2013129443,0.06021087244,0.08188527077,0.06755956262,0.2757903636,0.06814752519,0.106272608,0.06850860268,0.12772277,0.1347218454,0.05395866185,0.1397760659,0.07993333042,0.2139983475,0.006960243452,39,0.2900703251,0.2155732661,58.03686905,61.91163635,3.702811718,10119.1123,11144.09375,645.6097412,7378.033203,9865.470703,10763.48047,0.9251015186,,0.0143901594,0.09265823662,0.7672443986,0.1257071942 +Uruguay,URY,Latin America and Caribbean,LCN,2009,ech,Rural,242703,0.2348549515,0.1328001767,0.1339785606,0,0.6311664581,0.3706438243,0.2225205302,0.1481232941,114182,0.7453814149,0.5692170858,0.1815022826,0.7181726694,,0.9634968638,0.03650312498,0.8927919865,0.1072080284,0.5932608843,0.3263766468,0.08036249876,0.3295762241,0.6704237461,,0.6554893255,0.7000745535,0,0.5876252055,0.1182031408,0.2941716611,0.5562561154,0.4503065944,0.002663297346,0.07872634381,0.002663297346,0.0341501981,0.09188830853,0.0262421146,0.02321522683,0.02063373663,0.132192269,0.03055974655,0.0208700709,0.01516170707,0.03780427948,0.08638900518,0.3117876053,0.07875361294,0.0611194931,0.3520824611,0.005472030956,39,0.2354296446,0.300357461,46.48265457,49.58601761,2.965641022,8209.375,8925.483398,523.7665405,7727.72168,9162.34375,8586.357422,0.9251015186,,0.01789611578,0.1300118417,0.7998725176,0.05221952125 +Uruguay,URY,Latin America and Caribbean,LCN,2009,ech,Total,3023656,0.2249128222,0.1493066698,0.1464164555,0.919731915,0.6286707371,0.5906578051,0.3577593308,0.2328984743,1433317,0.7540265292,0.6663665771,0.115307942,0.697331853,,0.9248107672,0.07518922538,0.7977691889,0.2022307813,0.7239426374,0.2302113771,0.04584597796,0.3072263896,0.6927736402,,0.6486521959,0.6972555518,0,0.1057503074,0.2100046277,0.68424505,0.9504275918,0.8807278872,0.001391878235,0.1304540634,0.009339540266,0.06881913543,0.2171563953,0.0582514219,0.0840370059,0.06249042973,0.2623098195,0.06012461334,0.09525728226,0.06754947454,0.1291693151,0.1447440237,0.05043427274,0.1357862055,0.07694031298,0.2324896753,0.007504826412,39,0.3022742271,0.2051943541,52.87493515,56.40507507,3.373475075,9158.887695,10152.91406,584.3464355,7007.383301,9009.099609,9707.750977,0.9251015186,,0.01439634059,0.07443203777,0.8003174067,0.1108542159 +Uruguay,URY,Latin America and Caribbean,LCN,2009,ech,Young worker,451452,0,1,0,0.9286059141,1,0.3706438243,0.2225205302,0.1481232941,241709,0.5354035497,0.4560731649,0.115307942,0.427128464,,0.7977691889,0.2022307813,0.7977691889,0.2022307813,0.8381562829,0.1553871781,0.006456531119,0.4482129216,0.5517870784,,0.5616922975,0.5535088181,0,0.1192720979,0.2112504393,0.6694774628,0.959113121,0.8807278872,0.001540232799,0.1390098929,0.005932748318,0.06476756185,0.3102246523,0.04674113542,0.09667683393,0.03271309286,0.1831217408,0.01299603749,0.03055054322,0.06191528216,0.1376667321,0.2036166936,0.02973116003,0.1123488322,0.05935860053,0.3411122859,0.01070383936,39,0.3737504482,0.1444068849,35.8782692,38.27364349,2.289070368,6138.724121,6889.255859,391.6568909,5655.959961,6395.781738,6150.560547,0.9251015186,,0.01441530511,0.01851593889,0.9017819166,0.06528682262 +Uruguay,URY,Latin America and Caribbean,LCN,2010,ech,Female,1762689,0.2088593096,0.1426717937,0.1645327061,0.9468414187,0.6266079545,0.3683432937,0.2215286791,0.1468146294,733061,0.6636949182,0.6636949182,0.1554877758,0.6028465033,,0.9083186984,0.09168131649,0.7464300394,0.2535699606,0.7522711754,0.2180961818,0.02963266708,0.3131246567,0.6868753433,,0.6393813491,0.6930118203,0,0.05145711452,0.1167930216,0.8317498565,0.9485428929,0.9571650624,0.0004175202339,0.1047615334,0.005271568429,0.006342402659,0.2221793383,0.02620915696,0.0837758854,0.05247538537,0.4471100867,0.06245072186,0.1349006444,0.0615661405,0.1793609113,0.2182704061,0.01951481774,0.04269561172,0.0247907564,0.2553130984,0.001136887586,39,0.4330482185,0.1191813871,54.52316666,54.52316666,3.478634119,9345.431641,9814.169922,596.2481079,5952.168457,7642.015625,9905.319336,,,0.0132435197,0.06987413764,0.7971559167,0.1197264418 +Uruguay,URY,Latin America and Caribbean,LCN,2010,ech,Higher education,1954479,0.1353184134,0.2247212678,0.08103233576,0.9619520307,0.7836492658,0.3683432937,0.2215286791,0.1468146294,1168697,0.763043344,0.6987079382,0.07804641128,0.7086645365,,0.9287343025,0.07126569003,0.801199317,0.198800683,0.7532377243,0.1952056736,0.05155660212,0.2445760071,0.7554239631,,0.7068386078,0.7580764294,0,0.06485675275,0.2053875476,0.7297556996,0.9692646265,0.9035210609,0.001374618616,0.1351935565,0.01016406994,0.0586553067,0.2258538902,0.05910952017,0.1023224816,0.07073481381,0.2717350125,0.06388559192,0.124807328,0.08514670283,0.1651810557,0.1526852995,0.03066862375,0.1241191104,0.07374363393,0.1719232053,0.007839441299,39,0.3022467196,0.1863922179,63.3272934,63.3272934,4.040346146,10979.80957,11398.91309,700.5231323,7781.506348,10333.03516,11554.21094,0.9179026484,,0,0,0.8362850547,0.1637149155 +Uruguay,URY,Latin America and Caribbean,LCN,2010,ech,Lower education,1414119,0.3481475115,0.05110178143,0.2362064272,0.9130257368,0.4156460762,0.3683432937,0.2215286791,0.1468146294,421767,0.7175678611,0.5644651651,0.3564568758,0.670447588,,0.934333384,0.06566658616,0.8052505255,0.1947494894,0.6708613634,0.2985984683,0.03054018132,0.4556158781,0.5443841219,,0.5320132375,0.5485204458,0,0.2401521504,0.2411595881,0.5186882615,0.8750640154,0.6985804439,0.002831977094,0.1161389723,0.006283131894,0.1159055084,0.1830533147,0.04124891385,0.03752877191,0.03369443491,0.2231628299,0.05385070294,0.001230742666,0.01090920158,0.01791047864,0.127175048,0.1097949371,0.1633994877,0.085045591,0.4220280051,0.008655800484,39,0.2978700697,0.2159764469,43.75,43.75,2.791294813,7577.993164,7875,483.4837341,7328.518555,8806.563477,7306.996094,0.9179026484,,0.04410716519,0.2246632576,0.7312295437,0 +Uruguay,URY,Latin America and Caribbean,LCN,2010,ech,Male,1605909,0.2420093566,0.1618964672,0.1260220855,0.935454607,0.6319685578,0.3683432937,0.2215286791,0.1468146294,857403,0.844828546,,0.08052201569,0.801694572,,0.9489434958,0.05105650425,0.8407770991,0.1592229307,0.7141306996,0.2265497595,0.05931956694,0.2906921804,0.7093078494,,0.6773693562,0.7098277211,0,0.1607247591,0.2952151299,0.544060111,,0.8152646422,0.002863720059,0.1508688927,0.01228818577,0.1291943341,0.2081310004,0.07738312334,0.08611808717,0.06773743033,0.1046904773,0.06019957364,0.05669428408,0.06848838925,0.08224776387,0.08665641397,0.0781205669,0.2097791731,0.119279474,0.2248143256,0.0137200458,39,0.1928765476,0.255823195,58.82513428,58.82513428,3.753103971,10222.01758,10588.52441,652.1752319,7746.341797,10575.96582,11089.56641,,,0.01651946828,0.08170539141,0.8045885563,0.0971865654 +Uruguay,URY,Latin America and Caribbean,LCN,2010,ech,Old worker,1607922,0,0,0,0.9383570552,1,0.3683432937,0.2215286791,0.1468146294,1319140,0.8204004765,0.7281756997,,0.7848110795,,0.9566194415,0.04338053614,,,0.7087727785,0.2379407436,0.0532864742,0.2774497569,0.7225502729,,0.6743789911,0.725908637,0,0.1083233356,0.2143422067,0.6773344874,0.9473060369,,0.001874953392,0.127446115,0.01013869606,0.07488244027,0.19902955,0.05582860112,0.08463282883,0.0659371838,0.2719062865,0.0698319599,0.1029237285,0.06672715396,0.1235241666,0.1353236884,0.05552434176,0.1390751302,0.07923909277,0.2198816836,0.007949030027,39,0.2909287214,0.2064998895,62.5,62.5,3.987564087,10943.12891,11250,698.1828613,7851.160645,10795.1543,11639.7959,0.9179026484,,0.01456889231,0.09397494048,0.7675119638,0.1239442006 +Uruguay,URY,Latin America and Caribbean,LCN,2010,ech,Rural,197356,0.2291848212,0.1266087741,0.141982004,0,0.6288331747,0.3683432937,0.2215286791,0.1468146294,93009,0.7494440079,0.5768353939,0.1626045555,0.727075696,,0.970153451,0.02984657325,0.9045472145,0.09545280784,0.5753549337,0.3335365057,0.09110857546,0.3041902483,0.6958097219,,0.6972725987,0.7222191691,0,0.6712732315,0.09395675361,0.2347699851,0.4903052151,0.3780838251,0.002427049913,0.06395664811,0.002482461976,0.02509059943,0.06629503518,0.01577028446,0.01690069027,0.0162246637,0.1195793077,0.02484678477,0.03343566135,0.01366462372,0.02860372514,0.08986734599,0.3693327308,0.05697472021,0.05529019237,0.324604094,0.003380138194,39,0.2392813712,0.3052815795,51.89405441,51.89405441,3.310894012,9142.47168,9340.929688,583.2990723,8842.700195,10716.12891,9513.731445,0.9179026484,,0.01631464623,0.1341938227,0.7912473083,0.05824424326 +Uruguay,URY,Latin America and Caribbean,LCN,2010,ech,Total,3368598,0.2246629,0.1518367529,0.1461735666,0.9414130449,0.6291635334,0.5894118887,0.3570818842,0.2323300045,1590464,0.750431601,0.6636949182,0.1173816249,0.6980658188,,0.9302191138,0.06978089362,0.8018642068,0.1981358081,0.7312961221,0.2227451503,0.04595871642,0.3007881045,0.6992118955,,0.6602725387,0.7022596002,0,0.1115485802,0.214915812,0.6735355854,0.9485428929,0.8697446585,0.001762801781,0.1301181614,0.00913034007,0.07390452176,0.2144534886,0.05435215309,0.08506397158,0.06086870655,0.2587972879,0.06121272221,0.09189174324,0.06537296623,0.1259543896,0.1458904445,0.05174453184,0.1345817447,0.07675399631,0.2385405749,0.008056884632,39,0.3010826111,0.1942611039,56.89373779,56.89373779,3.629878998,9864.443359,10240.87305,629.3616333,7445.056641,9773.106445,10537.5,0.9179026484,,0.01487455703,0.07576471567,0.8008564711,0.1085042283 +Uruguay,URY,Latin America and Caribbean,LCN,2010,ech,Young worker,511477,0,1,0,0.9511473775,1,0.3683432937,0.2215286791,0.1468146294,271324,0.5304715633,0.4449790418,0.1173816249,0.4253661335,,0.8018642068,0.1981358081,0.8018642068,0.1981358081,0.8619354963,0.1346080452,0.003456438193,0.4361547232,0.5638452768,,0.5784524083,0.5650908947,0,0.1302553266,0.2182428241,0.6515018344,0.9571650624,0.8697446585,0.001112311264,0.1456162483,0.003281777957,0.06823248416,0.3039137721,0.04578861594,0.0875646323,0.031471055,0.1827637702,0.01121963561,0.02790430374,0.05751844123,0.1400500983,0.2071794569,0.02982097305,0.1085192934,0.06233999133,0.3467653394,0.008682462387,39,0.3598473966,0.1234300286,38.90954971,38.90954971,2.48246932,6580.601074,7003.71875,419.8490906,6207.036133,6846.714844,6587.885742,0.9179026484,,0.01579190232,0.02111326158,0.9009281397,0.06216669828 +Uruguay,URY,Latin America and Caribbean,LCN,2011,ech,Female,1738967,0.1956201643,0.1438422948,0.1589299887,0.9218305945,0.6454498768,0.3663114309,0.2127075642,0.1536038667,765514,0.682023406,0.682023406,0.1547431946,0.6256361008,0.1620850265,0.9173235297,0.08267647773,0.7766833901,0.2233166099,0.7551650405,0.2128850669,0.03194991872,0.2772747874,0.7227252126,,0.6955401897,0.7310972214,0,0.05092819408,0.1130508184,0.8360210061,0.9490718246,0.957506299,0.0002691448899,0.1011799648,0.005247613415,0.006354097743,0.2171742916,0.02784866281,0.08950278163,0.05413514748,0.4473600984,0.05931583047,0.1500119567,0.06550759077,0.1912566423,0.2106962949,0.02238174714,0.03665354475,0.02363775671,0.239611581,0.0009270546143,39,0.4287188053,0.1115672663,66.16157532,61.20757294,4.221176624,11364.05762,11017.36328,725.0385742,7717.684082,8888.888672,11888.4541,,,0.005987891462,0.06602750719,0.7906368971,0.1373476982 +Uruguay,URY,Latin America and Caribbean,LCN,2011,ech,Higher education,2061059,0.1211648956,0.2173154652,0.08129752427,0.945740521,0.7975375652,0.3663114309,0.2127075642,0.1536038667,1282563,0.7802560329,0.7192954421,0.07511498034,0.7289417386,0.1484718025,0.9342340231,0.06576596946,0.8187115788,0.1812884063,0.7615734935,0.1862455308,0.0521809943,0.2169044912,0.783095479,,0.7500579953,0.786527276,0,0.05846201256,0.2009799629,0.7405580282,0.9679291844,0.9166445732,0.001755946781,0.1316576153,0.009684413671,0.05788198113,0.226094842,0.06272919476,0.1048694104,0.06914958358,0.2777149975,0.06263238192,0.1344592869,0.08708628267,0.1708834916,0.1550073624,0.02897562459,0.1174314469,0.0738632679,0.1629909128,0.006669926923,39,0.2958975732,0.1745375991,74.29897308,68.73566437,4.740350723,12892.75293,12372.41895,822.5708618,9583.332031,11932.46484,13454.01172,0.9235237837,,0,0,0.8146683574,0.1853316575 +Uruguay,URY,Latin America and Caribbean,LCN,2011,ech,Lower education,1307601,0.3556604683,0.05114863068,0.2306720465,0.8656073213,0.4136674702,0.3663114309,0.2127075642,0.1536038667,389082,0.719307363,0.557939589,0.3583624959,0.675100565,0.0850699693,0.9385425448,0.06145748124,0.8191931844,0.1808068454,0.6457868814,0.3149300218,0.03928307444,0.4398855269,0.5601144433,,0.5659199953,0.5665771961,0,0.2401319891,0.260684073,0.4991839528,0.866763413,0.7374024987,0.004066599067,0.1218364015,0.006599666085,0.1281813979,0.1732316464,0.04742448777,0.0331133455,0.02874551527,0.2166689485,0.05013007671,0.001221348997,0.009488731623,0.01911164634,0.1159706414,0.1231782436,0.1715228558,0.09005394578,0.413040489,0.006282005459,39,0.294600606,0.2173604816,52.63847351,48.69704437,3.358388662,9014.422852,8765.46875,575.1294556,8693.43457,10314.20215,8710.59668,0.9235237837,,0.01856863871,0.2313148975,0.7501164675,0 +Uruguay,URY,Latin America and Caribbean,LCN,2011,ech,Male,1629693,0.2298672199,0.162389487,0.1183118522,0.9069579244,0.6518208981,0.3663114309,0.2127075642,0.1536038667,906131,0.8530154228,,0.0714353174,0.8106805682,0.1104858592,0.9503703117,0.04962968826,0.8483694196,0.1516305804,0.717700541,0.2190905362,0.06320893019,0.2622300088,0.7377699614,,0.7164313197,0.7384585738,0,0.1416415125,0.2979980409,0.5603604317,,0.8467309475,0.003948162775,0.1523456722,0.01199428644,0.1297099292,0.2109526694,0.08468228579,0.08697222173,0.06425983459,0.1134934276,0.06003529951,0.0652782321,0.07177760452,0.08991244435,0.09304310381,0.07429862022,0.206238091,0.1216847077,0.2065435052,0.01118839718,39,0.1869092733,0.2441041917,69.89097595,64.65772247,4.459115982,12170.80859,11638.38965,776.5100708,9225.759766,12115.38477,13073.84277,,,0.005491434131,0.07664818317,0.7986709476,0.1191894338 +Uruguay,URY,Latin America and Caribbean,LCN,2011,ech,Old worker,1669902,0,0,0,0.9119463563,1,0.3663114309,0.2127075642,0.1536038667,1390474,0.8326680064,0.7445645332,,0.7983498573,0.147244975,0.9587852955,0.04121472314,,,0.7124221325,0.2308609784,0.05671686679,0.2489847541,0.7510152459,,0.7197438478,0.7556350827,0,0.09934096783,0.2128257155,0.6878333092,0.9478298426,,0.002276535612,0.1275310069,0.009836734273,0.07318143547,0.2004626542,0.06087014079,0.08599378914,0.06433632225,0.2761704028,0.06814005226,0.1149316728,0.06985401362,0.132342115,0.1354324967,0.05561123043,0.1340200752,0.08045884967,0.2031149864,0.006094514858,39,0.2841110229,0.1968332976,74.62011719,69.03276062,4.760839939,13012.28516,12425.89746,830.1971436,9753.554688,12518.5459,13744.07617,0.9235237837,,0.006538876798,0.08607596904,0.7638459802,0.1435391754 +Uruguay,URY,Latin America and Caribbean,LCN,2011,ech,Rural,287564,0.2074633837,0.1327217519,0.1484817266,0,0.6440548897,0.3663114309,0.2127075642,0.1536038667,139645,0.7539941669,0.5819157958,0.1508934647,0.7281582355,0.0699911043,0.9657345414,0.03426545858,0.877895236,0.1221047714,0.5231721997,0.3723787665,0.1044490561,0.3360670209,0.6639329791,,0.6851105094,0.6941198111,0,0.6337683797,0.1080083027,0.2582233548,0.5084831119,0.4133040905,0.004515794106,0.07153344154,0.00234317081,0.02961589769,0.07951208949,0.02054723352,0.01572000608,0.0171140451,0.1253299713,0.02805131301,0.03261901066,0.01169360802,0.03229274973,0.08064659685,0.3641183376,0.0691902712,0.06115972251,0.3168841898,0.003344208701,39,0.2608456612,0.3103758395,59.24208832,54.80619812,3.779706001,10516.12207,9865.116211,670.9393921,9957.19043,12440.83887,11393.95703,0.9235237837,,0.01431311574,0.1309868693,0.7905679345,0.06413208693 +Uruguay,URY,Latin America and Caribbean,LCN,2011,ech,Total,3368660,0.212188229,0.1528150588,0.1392797083,0.9146354795,0.6485320479,0.5419438228,0.3271823338,0.214761489,1671645,0.7651655911,0.682023406,0.1119153351,0.7156110734,0.1336626261,0.9352368712,0.06476315111,0.818782866,0.1812171191,0.7345284224,0.2163032293,0.04916834086,0.2689876556,0.7310123444,,0.7070476413,0.7351520658,0,0.1008958742,0.2149254382,0.6841786504,0.9490718246,0.8900998235,0.002295661252,0.1293636113,0.008963888511,0.07430228591,0.2137472332,0.05915437266,0.08810887486,0.05971213803,0.2634560764,0.05971213803,0.1033380181,0.06896130741,0.1354331374,0.1458892971,0.05097915977,0.1300659329,0.0776450336,0.2213966697,0.006579317618,39,0.2955948412,0.1845331192,68.38287354,63.26254654,4.362897396,11818.35547,11387.25879,754.0231934,8974.265625,11374.4082,12468.77539,0.9235237837,,0.005734853912,0.07144072652,0.7947317362,0.1280926764 +Uruguay,URY,Latin America and Caribbean,LCN,2011,ech,Young worker,514782,0,1,0,0.9258598685,1,0.3663114309,0.2127075642,0.1536038667,281171,0.546194315,0.4639297724,0.1119153351,0.4472145438,0.05500873178,0.818782866,0.1812171191,0.818782866,0.1812171191,0.8625433445,0.1320009679,0.005455698352,0.3848222196,0.6151778102,,0.63352561,0.6165373921,0,0.109900184,0.2270847559,0.6630150676,0.957506299,0.8900998235,0.002406414831,0.1399760246,0.003909338266,0.08079298586,0.2906766534,0.04921856523,0.1003570557,0.03293400258,0.1898287684,0.01090705302,0.03620047122,0.06379170716,0.1533329338,0.2064434588,0.0241553653,0.107167989,0.06135054678,0.3272637129,0.009386755526,39,0.3619345129,0.1134775206,47.23538971,43.69852829,3.013666391,8126.983398,7865.735352,518.5098877,7237.859863,8100,8345.697266,0.9235237837,,0.003232857212,0.02589807473,0.8908435106,0.08002554625 +Uruguay,URY,Latin America and Caribbean,LCN,2012,ech,Higher education,2034045,0.1238438711,0.2185192555,0.08496468514,0.9578868747,0.7911914587,0.3623134196,0.2084889859,0.1538244486,1239422,0.7701531053,0.7085404396,0.08640472591,0.7208340764,1.140324712,0.935962081,0.06403791159,0.8219994307,0.1780005842,0.7683026195,0.1837021112,0.04799526185,0.2005358338,0.7994641662,,0.7895154953,0.8027743697,0,0.05087500438,0.1823721975,0.7667527795,0.974906683,0.9298812747,0.001080599381,0.1243426055,0.01148487721,0.04546411335,0.242926985,0.0618362464,0.1014702097,0.07746985555,0.283049494,0.02629364841,0.1471942663,0.08566426486,0.1460779309,0.2221546918,0.02373686619,0.1283166558,0.06697113812,0.1475089043,0.006081623957,39,0.2885330021,0.1562441438,85.35974121,73.05260468,5.4460392,14826.3418,13149.46875,945.9358521,11361.85645,14366.34668,15170.28906,0.9086545706,,0,0,0.8179034591,0.182096526 +Uruguay,URY,Latin America and Caribbean,LCN,2012,ech,Lower education,1239272,0.3714608252,0.04987363517,0.2328851074,0.9006481171,0.3956540525,0.3623134196,0.2084889859,0.1538244486,350363,0.7145555019,0.5686328411,0.3920105994,0.672601521,1.08539629,0.9412866235,0.05871339142,0.8294663429,0.170533672,0.6669840217,0.3026089072,0.03040704504,0.4274724722,0.5725275278,,0.5973037481,0.5774973035,0,0.199282214,0.2477495819,0.552968204,0.8900068402,0.7501367927,0.003588913009,0.1159785613,0.006437748205,0.121744357,0.1909679472,0.05175590515,0.03800717741,0.03762939572,0.234607771,0.005885527935,0.003156535095,0.01278987993,0.01752923056,0.201160118,0.1008423492,0.1871816218,0.0866728127,0.3778017759,0.006980156992,39,0.308101505,0.1818195581,61.45901489,52.59787369,3.9211483,10640.67383,9467.617188,678.8859253,10427.15723,12603.89941,10022.83496,0.9086545706,,0.02071899548,0.2203302681,0.7589507103,0 +Uruguay,URY,Latin America and Caribbean,LCN,2012,ech,Old worker,1593357,0,0,0,0.9348325729,1,0.3623134196,0.2084889859,0.1538244486,1321964,0.8296722174,0.7454913855,,0.7966977954,1.1424371,0.9602560997,0.03974389657,,,0.7243663073,0.2248192877,0.05081438646,0.2325212061,0.7674787641,,0.7599470019,0.7713309526,0,0.08175680786,0.1952403188,0.723002851,0.9582493901,,0.001600245014,0.1204833761,0.01109909452,0.06205759943,0.2148793936,0.06105223298,0.0858335793,0.07429594547,0.2869417369,0.0252925735,0.1277335286,0.07347348332,0.1167521626,0.2076201439,0.0440065749,0.1452272832,0.07439830899,0.1791158766,0.006380058825,39,0.2831473947,0.1737074554,86.68736267,74.18880463,5.530742645,15124.67871,13353.98535,964.9700317,11467.72852,14944.9541,15625.14941,0.9086545706,,0.006715003867,0.07805463672,0.7681164742,0.1471139044 +Uruguay,URY,Latin America and Caribbean,LCN,2012,ech,Rural,208784,0.2207353115,0.1365142912,0.1454182267,0,0.6338464618,0.3623134196,0.2084889859,0.1538244486,99795,0.7540975213,0.5984563828,0.1626201719,0.7312542796,1.073099613,0.9697079062,0.03029209934,0.9034128189,0.09658721089,0.5619290471,0.3399640322,0.09810689092,0.3005724847,0.6994275451,,0.7491422892,0.7294672132,0,0.6223222017,0.09686279297,0.2808150351,0.5345836282,0.4486373067,0.002819032641,0.06044337526,0.004498015158,0.02910236642,0.07876709104,0.02112201601,0.01690383069,0.02222060971,0.1418014914,0.01211094111,0.03408010677,0.01963377744,0.03981523588,0.1099904925,0.3475385308,0.07320299,0.07494936883,0.2858988047,0.002779729664,39,0.2554195523,0.2861010134,73.28524017,62.71899796,4.675673485,12908.14551,11289.41992,823.5529175,12277.13281,14457.21875,13708.4668,0.9086545706,,0.009064991958,0.1229682267,0.7991653681,0.06880138814 +Uruguay,URY,Latin America and Caribbean,LCN,2012,ech,Total,3273317,0.2175912112,0.1546703279,0.1409671009,0.9362163544,0.6414417028,0.558988152,0.3392221152,0.2197660368,1589785,0.7571695446,0.6782101989,0.1237129271,0.7095704731,1.128165722,0.9371355176,0.06286447495,0.8230124116,0.1769876182,0.7458747625,0.2100233287,0.04410193115,0.250770539,0.7492294312,,0.7469674945,0.7529070377,0,0.08363299072,0.1968029737,0.7195640206,0.959661901,0.9055196643,0.001634260523,0.1224964038,0.01037082169,0.06230148301,0.231458053,0.05961120874,0.08746198565,0.06867585331,0.2723569274,0.02177610621,0.115310058,0.06953278184,0.1176223829,0.2175073326,0.04080494493,0.1413470209,0.07133229822,0.1984865516,0.006280523259,39,0.2928609848,0.1619006544,79.81303406,68.30561829,5.092153549,13867.11523,12295.01074,884.7362061,10835.9209,13854.39648,14249.99902,0.9086545706,,0.006078457925,0.06463963538,0.8006081581,0.1286737621 +Uruguay,URY,Latin America and Caribbean,LCN,2014,ech,Female,1767694,0.2021565884,0.1451586038,0.1569242179,0.9483174086,0.6409192085,0.3621954024,0.204213649,0.1579817533,772400,0.6817606091,0.6817606091,0.1558403075,0.6233466864,1.156095862,0.9143189788,0.08568099141,0.760471046,0.239528954,0.7749398351,0.1997819394,0.0252782423,0.2304196954,0.7695803046,,0.8072258234,0.7742785811,0,0.0419498831,0.09916330129,0.858886838,0.9580501318,0.9654055834,0.000397413969,0.08879647404,0.004981867969,0.004987545311,0.2268368006,0.02931495756,0.1018926874,0.06024086103,0.4406015277,0.01496983971,0.1601823866,0.06976012886,0.1645861119,0.296428889,0.01752994768,0.03450624272,0.02030387148,0.2207258344,0.001006768434,38,0.4202931821,0.08807875961,97.37464142,70.49536133,6.212602139,16954.64063,12689.16504,1081.723511,12874.84277,14240.45508,17284.9668,,,0.01045749057,0.04593738541,0.7997529507,0.1438522041 +Uruguay,URY,Latin America and Caribbean,LCN,2014,ech,Higher education,2150131,0.1198652536,0.2127968073,0.08525573462,0.9614521265,0.7948790193,0.3621954024,0.204213649,0.1579817533,1325076,0.7753090262,0.7131291628,0.07940272242,0.7232996225,1.136146069,0.9329178333,0.06708218902,0.8082191348,0.1917808801,0.7713970542,0.1834196597,0.04518329352,0.1829795986,0.8170204163,,0.8325965405,0.8193889856,0,0.05379116908,0.1819081455,0.764300704,0.9714151025,0.9227458239,0.001697956701,0.121594809,0.01041781809,0.04819756001,0.2344928533,0.06449679285,0.107742317,0.07434147596,0.2832272649,0.02661490627,0.1457457542,0.09291231632,0.1454027593,0.2154010683,0.02473573945,0.1274580657,0.07142689824,0.144067198,0.006235302426,38,0.2840868533,0.1439715326,108.0310516,78.21017456,6.892491817,18928.82031,14077.83105,1207.678223,14928.73242,18821.56836,19283.32227,0.9241423607,,0,0,0.811463058,0.1885369271 +Uruguay,URY,Latin America and Caribbean,LCN,2014,ech,Lower education,1265048,0.3723392189,0.05013643578,0.2237171978,0.9143471122,0.4039435685,0.3621954024,0.204213649,0.1579817533,367944,0.7200356722,0.5658948421,0.3785100579,0.6706372499,1.080017328,0.9313944578,0.06860554963,0.7906483412,0.2093516737,0.6596741676,0.3117965758,0.02852924354,0.4155634344,0.5844365954,,0.6435902119,0.5877893567,0,0.2206240445,0.2396899164,0.5396860242,0.894392848,0.7348021269,0.002578080166,0.1135189757,0.005174042657,0.1184188202,0.1900059879,0.05017271638,0.0590961501,0.03007561341,0.2103355676,0.002798357746,0.002165152691,0.01421647426,0.01651877351,0.206903398,0.1069299504,0.1825352162,0.09908637404,0.3628790081,0.005967300851,38,0.3074147403,0.1805707216,79.5819931,57.61419296,5.077413082,13884.18066,10370.55469,885.8250122,13881.39941,16228.84766,13135.5791,0.9241423607,,0.04349638522,0.1797232181,0.7767804265,0 +Uruguay,URY,Latin America and Caribbean,LCN,2014,ech,Male,1647485,0.2254357338,0.1604688317,0.1146778241,0.9393748641,0.6598864198,0.3621954024,0.204213649,0.1579817533,920620,0.8468173146,,0.07697166502,0.8027094603,1.097959399,0.9479133487,0.05208663642,0.8389683366,0.1610316485,0.7246558666,0.2205924839,0.0547516346,0.2359247804,0.7640752196,,0.778904438,0.7649449706,0,0.1300343722,0.2739959657,0.595969677,,0.851053834,0.003134186845,0.1457752436,0.01287221443,0.1122143194,0.2231934518,0.08818278462,0.09327998757,0.06851232797,0.1228010878,0.02668597922,0.07767788321,0.08074434102,0.07926496863,0.1464909911,0.06284520775,0.224309817,0.123661004,0.1679584831,0.01036132872,38,0.1829598993,0.2035848796,104.5914536,75.720047,6.673042297,18330.12695,13629.60742,1169.480957,14555,19090.75,19045.25781,,,0.01465678215,0.05798848718,0.8029552102,0.1243995503 +Uruguay,URY,Latin America and Caribbean,LCN,2014,ech,Old worker,1699136,0,0,0,0.9424854517,1,0.3621954024,0.204213649,0.1579817533,1416547,0.8336866498,0.7480478883,,0.7981162071,1.13657546,0.9573335648,0.04266642779,,,0.7271965146,0.2251420915,0.04766139388,0.2176397443,0.7823602557,,0.805575192,0.7850318551,0,0.08787641674,0.1954822391,0.7166413665,0.9569913149,,0.001909539453,0.1200136915,0.009624409489,0.06393460184,0.2076870501,0.06306293607,0.09570711106,0.06924957037,0.2809346914,0.02470599674,0.1263793111,0.07904532552,0.1155601144,0.2051259875,0.04541083798,0.1449958235,0.08013668656,0.1731174737,0.005522421561,38,0.2787426412,0.1628063917,109.0720062,78.96378326,6.958906174,19157.50586,14213.48047,1222.268555,15032.99219,19309.45117,19672.16602,0.9241423607,,0.01171663497,0.06528300047,0.7714836001,0.1515167356 +Uruguay,URY,Latin America and Caribbean,LCN,2014,ech,Rural,191238,0.2272403985,0.1408349872,0.1209121644,0,0.6518474221,0.3621954024,0.204213649,0.1579817533,94889,0.7611946464,0.6139451265,0.154531613,0.7413964868,1.082481265,0.9739906788,0.02600933798,0.9033203721,0.09667962044,0.5850402117,0.3274255991,0.08753421903,0.2741152048,0.7258847952,,0.7946246266,0.7472977042,0,0.600523591,0.1083071679,0.2911692262,0.5425239205,0.4440726936,0.001792445662,0.0806600526,0.003715251107,0.02213941887,0.08388645947,0.02781006508,0.02423603833,0.02241100185,0.1328256577,0.01323292311,0.037210159,0.02234340645,0.03983943164,0.1235325336,0.3428225219,0.06745219976,0.07869423926,0.2731305659,0.001742028282,38,0.2583469748,0.2806705832,96.14199066,69.60296631,6.133957863,17083.69141,12528.53418,1089.957031,16370.1123,20084.63867,17865.19727,0.9241423607,,0.01162391994,0.1001573876,0.8224758506,0.0657428503 +Uruguay,URY,Latin America and Caribbean,LCN,2014,ech,Total,3415179,0.213386476,0.1525442749,0.1365445256,0.9440035224,0.6500690132,0.5382982338,0.3282520343,0.2100461995,1693020,0.7625865692,0.6817606091,0.1158175394,0.7111781146,1.123963237,0.9325867295,0.06741326302,0.8057929873,0.1942070276,0.7471473813,0.2112841457,0.04156849533,0.2334624082,0.7665376067,,0.7915722728,0.7691197991,0,0.0899477154,0.1944307834,0.7156214714,0.9580501318,0.8974486589,0.00188869983,0.1198445857,0.009281370789,0.06341613084,0.2248515189,0.06139243022,0.09719956666,0.06474804133,0.2674299479,0.02144547366,0.114581272,0.07583121955,0.1174282134,0.2135566324,0.04257616773,0.1394126713,0.07743044198,0.191560775,0.006177132484,38,0.2891445756,0.1519065946,101.1779251,73.24878693,6.455255508,17655.1582,13184.78125,1126.417236,14234.7168,18017.24609,18005.25781,0.9241423607,,0.012618904,0.05214019492,0.8014011383,0.1338397413 +Uruguay,URY,Latin America and Caribbean,LCN,2014,ech,Young worker,520966,0,1,0,0.9483017921,1,0.3621954024,0.204213649,0.1579817533,276473,0.5306929946,0.4553695321,0.1158175394,0.4276286662,1.04719007,0.8057929873,0.1942070276,0.8057929873,0.1942070276,0.8685923219,0.1269279122,0.004479755647,0.329778254,0.670221746,,0.7063335776,0.6722596288,0,0.1025513113,0.1880328655,0.709415853,0.9654055834,0.8974486589,0.00176189281,0.1188156456,0.007194014266,0.06026130915,0.3292954862,0.05122760311,0.1062810346,0.03735670447,0.1852550209,0.001597989001,0.04276416078,0.05626627058,0.1287997067,0.2648756504,0.02532094531,0.1054268777,0.06095699966,0.3038288951,0.01016249228,38,0.3523912728,0.08563265204,72.21421051,52.28020859,4.607340813,12498.44922,9410.4375,797.4138794,11569.42285,12629.41699,12507.58301,0.9241423607,,0.01542910654,0.01120566577,0.8945821524,0.07878305018 +Uruguay,URY,Latin America and Caribbean,LCN,2015,ech,Female,1789815,0.1973405033,0.1483851671,0.1622184366,0.9492891431,0.6404410601,0.3600662053,0.2025012076,0.1575649828,779081,0.6796656251,0.6796656251,0.1553041935,0.6179856062,1.155382872,0.9092494845,0.09075051546,0.7375900745,0.2624099553,0.7705324292,0.203930378,0.02553717792,0.2257802635,0.7742197514,,0.8049123287,0.7785507441,0,0.04380101711,0.094630301,0.8615686893,0.9561989903,0.9669952989,0.0003596979659,0.08286223561,0.00475112861,0.006657244638,0.2335006297,0.02833542041,0.1051819175,0.06075071916,0.4337999821,0.01798895746,0.156890586,0.06847888231,0.1681839824,0.3046843708,0.01780544035,0.03665693104,0.0171687752,0.2114673108,0.0006747800508,38,0.4161218703,0.08746024221,101.8826141,67.87658691,6.50021553,18338.87109,12217.78516,1170.038818,14153.41602,16058.72266,18859.00391,,,0.005201104563,0.04940353334,0.8012985587,0.1440968215 +Uruguay,URY,Latin America and Caribbean,LCN,2015,ech,Higher education,2220790,0.1198109686,0.2185443044,0.0887580514,0.9610251188,0.7914309502,0.3600662053,0.2025012076,0.1575649828,1342725,0.7639527917,0.7082448602,0.08210103959,0.7047625184,1.141472578,0.9225209951,0.07747900486,0.7727693319,0.2272306532,0.7659829855,0.1919096857,0.04210732132,0.1843379885,0.8156620264,,0.823517859,0.8177956939,0,0.05330481753,0.1709937751,0.7757014036,0.9711480141,0.926880002,0.001486522844,0.1144392043,0.0092913853,0.04577666894,0.2411197722,0.06573231518,0.1131206825,0.0736104697,0.2821181715,0.02918239497,0.1468024403,0.08944838494,0.1487722546,0.2213528454,0.02399789542,0.1260733157,0.06922625005,0.1398297548,0.005314476788,38,0.2903877497,0.1396440715,113.0053024,75.28678131,7.209854126,20340.95313,13551.62012,1297.773682,16861.6582,20311.13672,20542.63477,0.9232376218,,0,0,0.8195067048,0.1804932654 +Uruguay,URY,Latin America and Caribbean,LCN,2015,ech,Lower education,1245733,0.3664774001,0.0512493439,0.2304378152,0.913600266,0.4030847847,0.3600662053,0.2025012076,0.1575649828,361455,0.7198348641,0.5684225559,0.3809657991,0.665477097,1.076598048,0.924485743,0.07551424205,0.7863610387,0.2136389762,0.6560689211,0.3180901408,0.02584091388,0.410351336,0.589648664,,0.6422970891,0.5929375291,0,0.2080702633,0.2495408058,0.542388916,0.8822692633,0.7492167354,0.003538672347,0.1169663072,0.006828963291,0.1222068593,0.1893373728,0.04877173901,0.06254005432,0.0308115948,0.2109281868,0.004420038313,0.002412018133,0.01486712974,0.01643524133,0.2065776885,0.1039591804,0.1945924163,0.09108810127,0.3591333628,0.006514843088,38,0.312676549,0.1678417474,84.12594604,56.04667664,5.367321968,15142.66992,10088.40234,966.1178589,15257.31348,17865.84766,13953.48828,0.9232376218,,0.01833567023,0.1944712251,0.7871931195,0 +Uruguay,URY,Latin America and Caribbean,LCN,2015,ech,Male,1676708,0.2203156352,0.1691421568,0.115605101,0.9383178353,0.6640792489,0.3600662053,0.2025012076,0.1575649828,925099,0.8308274746,,0.08082806319,0.7763795257,1.10499692,0.9344654083,0.06553460658,0.8011663556,0.1988336146,0.7197679877,0.2308342755,0.04939772561,0.2377436906,0.7622563243,,0.7687134147,0.763035953,0,0.1218511984,0.2663407028,0.6118081212,,0.858561635,0.003242604434,0.1421567351,0.01217205357,0.1087692976,0.2273263484,0.09075815976,0.1000676081,0.06776503474,0.1258909702,0.02878285386,0.08272207528,0.07780231535,0.08171105385,0.1473568231,0.05998105183,0.2258300781,0.120334588,0.1658987552,0.009580403566,38,0.1959725767,0.1933050603,109.9237061,73.23374939,7.013245106,19786.26758,13182.0752,1262.384155,16339.74805,20647.83203,20084.85742,,,0.005114521831,0.05961854756,0.8189275265,0.1163394079 +Uruguay,URY,Latin America and Caribbean,LCN,2015,ech,Old worker,1710554,0,0,0,0.9414400458,1,0.3600662053,0.2025012076,0.1575649828,1426104,0.8337088227,0.7528707385,,0.7935698032,1.141005397,0.951854825,0.04814515635,,,0.7257743478,0.2301339805,0.04409169033,0.2158608437,0.7841391563,,0.8002753854,0.7867536545,0,0.0842422545,0.1881393939,0.7276183367,0.9547176361,,0.001877264818,0.1143251285,0.009057652205,0.06287934631,0.2146993726,0.06352691352,0.1010601744,0.0685261786,0.2798057199,0.02741254866,0.1270070821,0.07726433128,0.1191084161,0.2097294629,0.04360400885,0.1455478072,0.07742271572,0.1679627299,0.004940903746,38,0.2815541625,0.1567055434,113.7544937,75.78591156,7.257653713,20475.80859,13641.46484,1306.377563,16760.84766,20960.35156,20797.79883,0.9232376218,,0.005642624106,0.0661662668,0.7785945535,0.1495965421 +Uruguay,URY,Latin America and Caribbean,LCN,2015,ech,Rural,194186,0.2057666332,0.1443358362,0.1340518892,0,0.6601814628,0.3600662053,0.2025012076,0.1575649828,94629,0.7381472588,0.5899837017,0.1437847912,0.715955019,1.0728122,0.9699352384,0.0300647784,0.900233686,0.09976633638,0.5765928626,0.3485139012,0.07489322871,0.2593044639,0.7406955361,,0.8045302033,0.7585526705,0,0.617351234,0.1102538034,0.2723949552,0.4952253997,0.4290373921,0.002320210915,0.0779569,0.003338039387,0.0266386494,0.08833218366,0.02339910902,0.02443882637,0.0160554219,0.1201694161,0.01443606708,0.03331735358,0.02571254224,0.0418918319,0.1204349324,0.35125947,0.07861936837,0.07487143576,0.2567985654,0.002658415353,38,0.2521899343,0.2609823048,103.163887,68.73020172,6.581962109,18569.5,12371.43555,1184.753174,17729.00391,23227.03516,18714.99609,0.9232376218,,0.01063137129,0.09859504551,0.819609344,0.07116422802 +Uruguay,URY,Latin America and Caribbean,LCN,2015,ech,Total,3466523,0.2084532529,0.1584250331,0.1396722347,0.943982482,0.6518745124,0.5340375807,0.3197751238,0.2142624569,1704180,0.754149378,0.6796656251,0.1168442667,0.6960328858,1.127689719,0.9229376912,0.07706227899,0.7746371627,0.2253628522,0.742631197,0.2187173367,0.03865144402,0.2323556244,0.7676444054,,0.7850166559,0.7700235248,0,0.08607047796,0.1876230985,0.7263064384,0.9561989903,0.9023960829,0.001920987037,0.1149742231,0.008770061657,0.06195783615,0.2301568389,0.06214156002,0.1024121717,0.06454944611,0.267046392,0.02392151393,0.1161259934,0.07360323519,0.120656617,0.2182137966,0.04098605737,0.1406305283,0.07387090474,0.1864218563,0.005569500383,38,0.2951231301,0.1456348151,106.4826736,70.94125366,6.793704033,19166.88281,12769.42578,1222.866821,15857.46973,19613.75781,19400.32227,0.9232376218,,0.005156307947,0.05468867347,0.8104195595,0.12973544 +Uruguay,URY,Latin America and Caribbean,LCN,2015,ech,Young worker,549184,0,1,0,0.9489642978,1,0.3600662053,0.2025012076,0.1575649828,278076,0.5063439608,0.4369121492,0.1168442667,0.3922328353,1.043777347,0.7746371627,0.2253628522,0.7746371627,0.2253628522,0.8488588929,0.146772638,0.004368454218,0.3363013566,0.6636986732,,0.6888602376,0.6645946503,0,0.09760390967,0.184366107,0.7180299759,0.9669952989,0.9023960829,0.002196811605,0.1190690845,0.006955779158,0.05614443123,0.3276712894,0.0534019731,0.1109413579,0.03946194798,0.1865534186,0.001921934192,0.04755626619,0.05053201318,0.1304129809,0.2716797888,0.02448841184,0.1096430942,0.0514883399,0.3027464151,0.009530751035,38,0.3806311786,0.07586997747,76.23815155,50.79164505,4.864072323,13722.86719,9142.496094,875.53302,12846.97852,14337.87695,13690.40332,0.9232376218,,0.003712315578,0.02060890943,0.9049158096,0.0707629621 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1989,ehm,Female,9300329,0.3787994981,0.195877701,0.04006094858,0.1860455722,0.5811395645,0.4240609705,0.3876627982,0.03639817983,1955294,0.3631399572,0.3631399572,0.3978795409,0.3378120065,0.01499023009,0.9302529693,0.06974705309,0.8553174734,0.1446825564,0.7712823153,0.206902504,0.0218151547,,,,,,0,0.01694606431,0.1682592928,0.8147946596,0.9830539227,0.9882614613,0.00365138636,0.1499968618,0.007096952293,0.007514096331,0.2271509022,0.01556145493,0.0796200335,0.06899716705,0.4234650731,0.02100176364,0.1608135104,0.07566370815,0.2069840431,0.1471571177,0.01456741709,0.1082207561,0.0055442499,0.2596863508,0.00008091786003,42,0.2298556864,0.06859957427,29.25,,12.26506519,5265,,2207.711914,2610,5400,5250,,,0.09351682663,0.16998896,0.5852878094,0.1512063742 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1989,ehm,Higher education,9393638,0.3692239225,0.2564364374,0.01400586218,0.2106658816,0.6167702079,0.4240609705,0.3876627982,0.03639817983,3422354,0.5948095918,0.4254039228,0.1801774502,0.5434676409,0.0212206915,0.9136834145,0.08631660789,0.8338669538,0.1661330462,0.747384727,0.1782522798,0.07436298579,,,,,,0,0.04208544269,0.2476600558,0.7102544904,0.9953487515,0.9348787069,0.01347567886,0.1668588072,0.0128529761,0.05447259173,0.2443246841,0.05481067672,0.09716121107,0.08416512609,0.2297928035,0.05873700231,0.1565139741,0.07792969048,0.1707210094,0.1505408138,0.03938604146,0.1896414608,0.06147156656,0.08701109886,0.007793739438,42,0.13390854,0.101016812,34.375,,14.41407299,6187.5,,2594.533203,3150,6165,6300,0.9333333373,,0,0,0.6926900744,0.3073099256 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1989,ehm,Lower education,9370125,0.3967889547,0.1379547268,0.05879868194,0.1504730135,0.5444123745,0.4240609705,0.3876627982,0.03639817983,3015266,0.5969945192,0.2899467051,0.3434987068,0.5459951162,0.01148319896,0.9145730138,0.08542695642,0.8430624604,0.1569375098,0.6075280309,0.3206342161,0.07183778286,,,,,,0,0.2186128646,0.2665563226,0.5148308277,0.9624736309,0.6810346842,0.005260027014,0.1625897437,0.00646243291,0.09224410355,0.2384327799,0.07254757732,0.02169448137,0.03878730163,0.1433686763,0.01475202758,0.007802598644,0.01050077565,0.03417349979,0.1419414729,0.2184767872,0.2793499827,0.1018742397,0.1899222285,0.0009356404189,42,0.1216951087,0.1252050847,25,,10.48296165,4500,,1886.933228,2610,5130,4500,0.9333333373,,0.1540822089,0.3316686451,0.514249146,0 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1989,ehm,Male,9463434,0.3871066272,0.1986379325,0.03275100887,0.1752624959,0.5801423788,0.4240609705,0.3876627982,0.03639817983,4482326,0.8269926906,,0.07830706239,0.7501268983,0.01740335301,0.9070538282,0.09294616431,0.8315387964,0.1684612185,0.6418346763,0.2620079815,0.09615734965,,,,,,0,0.1730829924,0.2960011661,0.5309158564,,0.7559142709,0.0122976508,0.1715065539,0.01109297387,0.1011039764,0.2480110377,0.08440222591,0.0538145639,0.06016810983,0.08451991528,0.04586559534,0.05367390439,0.0331960097,0.06175680459,0.1462278962,0.1720694602,0.2871364355,0.1140433624,0.07916758209,0.006609637756,42,0.08519808948,0.1310917288,30,,12.57955456,5400,,2264.319824,2625,5625,5625,,,0.07098663598,0.1837934852,0.6095917821,0.1356280744 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1989,ehm,Old worker,7193404,0,0,0,0.2202355117,1,0.4240609705,0.3876627982,0.03639817983,4889043,0.6836044192,0.429620564,,0.6413623691,0.02008400299,0.9382069111,0.06179307401,,,0.6522865295,0.2585292161,0.08918426186,,,,,,0,0.1092907265,0.2541595995,0.6365497112,0.9817711115,,0.01123852003,0.1596346051,0.01096027903,0.07232619077,0.233326897,0.06921731681,0.06245072186,0.07011052221,0.2014442384,0.04660871625,0.1005097777,0.05446541682,0.1022860557,0.1476234943,0.1076442301,0.2192115635,0.08475038409,0.1318700165,0.004748710897,42,0.1269334108,0.1197371632,31.25,,13.10370255,5625,,2358.666504,2863.636475,5999.999512,5765.625,0.9333333373,,0.1102648377,0.2018894553,0.5542855859,0.1335601062 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1989,ehm,Rural,15374893,0.4002408981,0.1990705878,0.03586249426,0,0.5638965964,0.4240609705,0.3876627982,0.03639817983,5000924,0.5819450021,0.3308149576,0.2481724173,0.5282016993,0.01507396996,0.9076488614,0.09235113114,0.8327343464,0.1672656685,0.6598119736,0.2646191716,0.07556887716,,,,,,0,0.1606783271,0.2548272312,0.5844944715,0.9762564301,0.778426826,0.01026173402,0.1602720022,0.009750907309,0.07454258949,0.2414185107,0.06518962979,0.0393431522,0.05517305434,0.1833700985,0.03249606118,0.07604641467,0.03836049885,0.08980744332,0.1458414048,0.1580794752,0.2382063717,0.08441324532,0.1323889941,0.004212415311,42,0.1251707375,0.1057760119,27.5,,11.53125858,4950,,2075.626465,2625,5400,5062.5,0.9333333373,,0.09491858631,0.1867805272,0.585914433,0.1323864609 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1989,ehm,Total,18763763,0.3829891682,0.1972698122,0.03637420759,0.1806071699,0.5806366354,0.72224753,0.6596021415,0.06264538847,6437620,0.5908822777,0.3631399572,0.2367909849,0.5401255554,0.01665746421,0.9141001105,0.08589991182,0.8379918933,0.1620080918,0.6818444133,0.2449759394,0.07317961752,,,,,,0,0.1248214766,0.2565164864,0.6186620593,0.9830539227,0.8202831745,0.009625113569,0.1648579538,0.009857813828,0.07217559218,0.2415632308,0.06312372535,0.06179096922,0.06289714575,0.1892869771,0.03815138713,0.08691485971,0.0463719666,0.106814757,0.146516189,0.1232031435,0.2316263616,0.08038061112,0.1351750195,0.004584047943,42,0.1280756742,0.1125685871,29.54545403,,12.38895512,5318.181641,,2230.011963,2625,5625,5400,0.9333333373,,0.0821941644,0.1769264936,0.5975019336,0.1433774233 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1989,ehm,Young worker,3701524,0,1,0,0.1731273383,1,0.4240609705,0.3876627982,0.03639817983,1548577,0.4239679873,0.2320066541,0.2367909849,0.3552817404,0.004545752425,0.8379918933,0.1620080918,0.8379918933,0.1620080918,0.7863180637,0.1970713735,0.01661058888,,,,,,0,0.1797168106,0.2648471892,0.5554360151,0.9882614613,0.8202831745,0.003922330681,0.183320567,0.005961017217,0.07164328545,0.27067554,0.04158519208,0.05945898965,0.03740060329,0.1463156641,0.008191538975,0.03875523433,0.01770113967,0.1228575632,0.1425935924,0.1783201545,0.2756054401,0.06490082294,0.1468829215,0.004000735469,42,0.1319902092,0.08800214529,23.4375,,9.827776909,4218.75,,1768.999878,2437.5,4725,4312.5,0.9333333373,,0.03074125573,0.1311699599,0.6767164469,0.1613723338 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1992,ehm,Female,10088700,0.3725639582,0.1930924654,0.04194078594,0.1653370559,0.5854952335,0.4198432267,0.3820538223,0.03778940812,2184731,0.3813172579,0.3813172579,0.3475567698,0.3595465124,0.01432477776,0.9429064989,0.05709352717,0.8820656538,0.1179343164,0.7367938161,0.2401076257,0.02309857681,,,,,,0,0.0160473194,0.1769796163,0.8069730401,0.9839527011,0.9864079952,0.004237128887,0.1537287235,0.005679545458,0.01333421469,0.2786311507,0.01888308674,0.08403063565,0.04251698405,0.3829112053,0.02239640057,0.1275145561,0.07313434035,0.2126305997,0.1869839281,0.01336829178,0.1062518284,0.004468580242,0.252838105,0.0004133971815,42,0.2118580788,0.05177774653,62.5,,26.20740509,11250,,4717.333008,6750,11250,11250,,,0.07951723039,0.1510847658,0.5938715339,0.175526455 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1992,ehm,Higher education,10601018,0.3522655964,0.2543761432,0.01468953304,0.1895770729,0.6330448389,0.4198432267,0.3820538223,0.03778940812,3874014,0.5982435346,0.4324924052,0.1584974676,0.5594874024,0.01823356748,0.9352167845,0.06478319317,0.8825155497,0.117484428,0.7417176962,0.1826953143,0.07558701187,,,,,,0,0.0374414809,0.2820836604,0.6804748774,0.9961177707,0.9506171346,0.01655338891,0.1817119867,0.01214756817,0.07167071104,0.2673704624,0.06032741815,0.1014541239,0.04794593528,0.2033769339,0.05618678778,0.1289508492,0.07551862299,0.1754882336,0.1634340137,0.03504538909,0.2025378793,0.06458692998,0.09156252444,0.006688771304,42,0.1119343638,0.0730471611,75,,31.44888687,13500,,5660.799316,8590.908203,13500,14062.5,0.8991978765,,0,0,0.6739515066,0.3260484934 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1992,ehm,Lower education,9747436,0.4033878148,0.1291797161,0.06386581808,0.1284142882,0.5327463746,0.4198432267,0.3820538223,0.03778940812,3107541,0.6117326021,0.3121799231,0.3132678568,0.5745375752,0.01263416559,0.9391972423,0.06080273911,0.8896299005,0.1103700995,0.5975709558,0.3227211535,0.0797078982,,,,,,0,0.197487548,0.2953982353,0.5071142316,0.9620777369,0.7218538523,0.004886398092,0.1615676731,0.006776182447,0.1221679896,0.2627653182,0.06990560889,0.0186854247,0.01725856587,0.1384993047,0.01333473809,0.006842636038,0.008636623621,0.02964040264,0.1615694612,0.1907952875,0.300866276,0.09899336845,0.188130483,0.001190712326,42,0.1076758206,0.09705255181,52.5,,22.01422119,9450,,3962.55957,6750,11250,9450,0.8991978765,,0.1426136494,0.3173749745,0.5400113463,0 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1992,ehm,Male,10259754,0.3808751106,0.1956932843,0.03461330384,0.1553043127,0.5845115781,0.4198432267,0.3820538223,0.03778940812,4796824,0.8233312368,,0.06996571273,0.7692327499,0.0163837336,0.9342932105,0.06570681185,0.8868693709,0.1131306291,0.650107801,0.2474951148,0.102397114,,,,,,0,0.1521463394,0.3388928175,0.5089608431,,0.8001747727,0.01453930419,0.1813076288,0.01158522442,0.1314606816,0.2592002451,0.08556547761,0.05516580492,0.03031241335,0.07871690392,0.04384293407,0.04998331517,0.03300357237,0.06322718412,0.1513448656,0.1466234326,0.3111171722,0.1147816926,0.08007511497,0.006000710651,42,0.06323087215,0.09845681489,63.88888931,,26.78979301,11500,,4822.162598,6872.727539,12375,12500,,,0.06396375597,0.1677173823,0.6191717982,0.1491470635 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1992,ehm,Old worker,7948014,0,0,0,0.198090747,1,0.4198432267,0.3820538223,0.03778940812,5302657,0.6912449598,0.4430615008,,0.6589702368,0.0180640351,0.953309238,0.04669074342,,,0.6373214722,0.2670076787,0.09567084163,,,,,,0,0.09886368364,0.2824524045,0.6186839342,0.983274579,,0.01282548066,0.1666439176,0.01059113815,0.09239187092,0.258125633,0.07122407854,0.06498286128,0.03903967142,0.1853116602,0.04550654814,0.0851463452,0.05463528633,0.1034268662,0.1630699933,0.09374406934,0.2315073758,0.08431524783,0.1339403093,0.004707951099,42,0.1130680218,0.08849330246,72.91666412,,30.57530594,13124.99902,,5503.554688,7363.63623,13500,13500,0.8991978765,,0.09462281317,0.1814284176,0.568472445,0.1554763019 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1992,ehm,Rural,17087034,0.3926421702,0.1967924386,0.03755824268,0,0.569799602,0.4198432267,0.3820538223,0.03778940812,5610553,0.594686985,0.3570959866,0.2162666768,0.554271102,0.01584758423,0.9320384264,0.0679615736,0.8813505769,0.1186494008,0.6545026898,0.2627487183,0.0827485621,,,,,,0,0.1362501383,0.29289487,0.5708550215,0.9792294502,0.8283684254,0.01228413917,0.1697006375,0.01012083609,0.1007892638,0.2711401582,0.06295731664,0.04036874324,0.02842448093,0.1679642946,0.03112070262,0.06201409549,0.03980593756,0.09134898335,0.1654106975,0.1298266053,0.2588271797,0.08296734095,0.1344731152,0.004205328878,42,0.1230388433,0.08496360481,62.5,,26.20740509,11250,,4717.333008,6800,11999.99902,11250,0.8991978765,,0.08110254258,0.1694947183,0.5992299318,0.1501728147 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1992,ehm,Total,20348454,0.3767544627,0.1944038123,0.03824624792,0.160278514,0.5849992782,0.7094037995,0.6440255172,0.06537828224,6981555,0.5864964865,0.3813172579,0.2075505555,0.5495404822,0.015735358,0.9369885325,0.06301146746,0.8854409456,0.1145590767,0.6774056554,0.2451687604,0.07742557675,,,,,,0,0.1094283238,0.2880724072,0.6024993062,0.9839527011,0.8551898599,0.01130571403,0.1726513058,0.009731582366,0.09438379109,0.2652991116,0.06463557482,0.06422574073,0.03414311633,0.1741957366,0.03706862777,0.07447307557,0.04567965865,0.1104191765,0.1626021564,0.1045321897,0.2464064509,0.07993713766,0.1346456856,0.004235848319,42,0.1100343838,0.08375732601,63.15789413,,26.48327255,11351.25,,4759.789063,6857.143066,12272.72754,12053.57227,0.8991978765,,0.07166416198,0.1594827026,0.6066458225,0.1622072905 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1992,ehm,Young worker,3955817,0,1,0,0.1499609351,1,0.4198432267,0.3820538223,0.03778940812,1678898,0.4322178662,0.2593141198,0.2075505555,0.3827033937,0.007816677913,0.8854409456,0.1145590767,0.8854409456,0.1145590767,0.8137121201,0.1709054112,0.01538244169,,,,,,0,0.1448101252,0.306894213,0.5482956767,0.9864079952,0.8551898599,0.006215892266,0.1927705705,0.0068528587,0.1010548919,0.2893236279,0.04257014766,0.06169008091,0.01774416678,0.1369676441,0.008332165889,0.0381238386,0.0151800951,0.1342324018,0.1610089093,0.1412725449,0.2971471846,0.06502690166,0.1370479167,0.002628040034,42,0.0997184813,0.06765260547,52.5,,22.01422119,9450,,3962.55957,6480,10125,9450,0.8991978765,,0.02792063542,0.1176691502,0.6793782711,0.17503196 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1995,ehm,Female,10846512,0.3563337326,0.1909290254,0.04494071379,0.1644691825,0.5987255573,0.3975770772,0.3495511115,0.04802595824,2831226,0.4359700382,0.4359700382,0.3015736043,0.3773608506,0.02267799899,0.8655660152,0.1344339848,0.709795177,0.290204823,0.6886297464,0.2901041508,0.02126610838,0.1876612157,0.4951544702,0.9955723286,0.7251656651,0.7251656651,0,0.01813209988,0.1466526538,0.8352152705,0.9818679094,0.9735828638,0.003807839239,0.1259398311,0.005137079395,0.01176789775,0.2875025272,0.01826412603,0.07285226882,0.03545580059,0.4211405218,0.0229502283,0.1522590965,0.07090357691,0.1880719364,0.2030779123,0.01401574817,0.09309200943,0.004357534926,0.2509518564,0.0003201120126,42,0.2189387679,0.0901221782,195.8784485,,82.13545227,35258.12109,,14784.38184,19762.67773,37806.85938,35133.64844,,,0.08617052436,0.1359571069,0.5843313932,0.1935409904 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1995,ehm,Higher education,11410216,0.3347331882,0.2611274719,0.008861619979,0.1936583817,0.6564052105,0.3975770772,0.3495511115,0.04802595824,4796216,0.6403727531,0.4923472106,0.1420778781,0.5649087429,0.02533909678,0.882156074,0.1178439409,0.7764397264,0.2235602885,0.6991045475,0.2463744432,0.05452101305,0.1670231968,0.5248826146,0.9947121739,0.7586041093,0.7586041093,0,0.0409578979,0.2383728474,0.7206692696,0.9941081405,0.9360977411,0.01307150628,0.1461621374,0.01289197803,0.06624722481,0.2835989296,0.06603367627,0.08943510056,0.0436771363,0.237924397,0.04749190435,0.1464951038,0.06883393973,0.162188217,0.1793441176,0.0377471298,0.1794008166,0.06977625936,0.1021183878,0.006604104303,42,0.1152600124,0.1312472224,226.9340057,,95.15762329,40848.12109,,17128.37305,24176.99609,42123.82813,40989.25,0.9750886559,,0,0,0.646630764,0.353369236 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1995,ehm,Lower education,10440704,0.3898844421,0.1179248989,0.07583138347,0.1254244894,0.5342841744,0.3975770772,0.3495511115,0.04802595824,3565325,0.6391415,0.3537964225,0.2761068642,0.5844465494,0.01819907874,0.9144243598,0.08557564765,0.8319830894,0.1680169106,0.5306749344,0.4131092429,0.0562158376,0.2651679814,0.2595867813,0.9968643785,0.4946820736,0.4946820736,0,0.2481716871,0.2511175871,0.5007107258,0.9584957361,0.6313628554,0.00421542488,0.1338843256,0.004874359816,0.1081434786,0.2631554604,0.06139772013,0.02407984622,0.01178517006,0.1402925253,0.01419815794,0.006226774771,0.008376523852,0.0280436296,0.1618973762,0.2478975356,0.2531125247,0.0893304646,0.1899792701,0.0009377189563,42,0.12996234,0.1514075249,156.0141754,,65.41962433,28082.55078,,11775.53223,19082.19141,35103.19141,28125,0.9750886559,,0.1633062959,0.3014348745,0.5352588296,0 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1995,ehm,Male,11004408,0.3657687008,0.1944517195,0.03683941811,0.1576901674,0.5973919034,0.3975770772,0.3495511115,0.04802595824,5530315,0.8412476778,,0.06483657658,0.766757071,0.02201476134,0.9114522338,0.08854775876,0.8363001943,0.1636998206,0.595258534,0.3329565823,0.07178484648,0.2204685956,0.3677449822,0.9954693913,0.6251895428,0.6251895428,0,0.1873977184,0.2907640934,0.5218381882,,0.7540971041,0.01173135452,0.1478489786,0.01137525588,0.1198085025,0.2683579624,0.08594934642,0.05467195436,0.02677555755,0.08608336747,0.03789499775,0.05268814787,0.02860474028,0.06251582503,0.1564219594,0.1856702119,0.2694174051,0.1144477874,0.08633782715,0.006001086906,42,0.07677286118,0.163227886,198.7728119,,83.34911346,35779.10547,,15002.83984,19822.97852,39525.35547,38124.91406,,,0.07453554124,0.1599140465,0.599214673,0.1663357317 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1995,ehm,Old worker,8857288,0,0,0,0.1858454794,1,0.3975770772,0.3495511115,0.04802595824,6385665,0.7209503651,0.5028526783,,0.667879045,0.02584523521,0.926387012,0.07361301035,,,0.5931700468,0.3406584263,0.06617151201,0.1619885564,0.4250463545,0.9964134693,0.7240563631,0.7240563631,0,0.11793378,0.2403991669,0.641667068,0.983651638,,0.01013395283,0.1369304955,0.01027193014,0.08306279033,0.267470926,0.06844896823,0.06247457862,0.03402464464,0.2092479467,0.03934171796,0.09744177759,0.04984014481,0.09979118407,0.1707914621,0.1138900071,0.2012497336,0.08137488365,0.141931504,0.00434758421,42,0.1194585711,0.1480833143,212.5,,89.10517883,38250,,16038.93164,21559.2832,42123.82813,39486.51563,0.9750886559,,0.1021606922,0.1712839603,0.5519455075,0.1746098548 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1995,ehm,Rural,18331716,0.3752056956,0.1918667108,0.03955467045,0,0.5852396488,0.3975770772,0.3495511115,0.04802595824,6806025,0.634390533,0.418816179,0.1953903735,0.5628416538,0.02466673031,0.8872163892,0.1127836034,0.7845644951,0.2154355347,0.6129687428,0.3271153569,0.05991587043,0.2381837815,0.3665445745,0.994848907,0.6061309576,0.6061309576,0,0.1637479365,0.2471639663,0.5890880823,0.9764945507,0.7765643597,0.0102777211,0.1386099607,0.009274538606,0.08900175244,0.2720551789,0.06176427007,0.03754406795,0.02435148507,0.1933730841,0.03020720556,0.07554460317,0.03763634712,0.08414691687,0.1679994166,0.1596221626,0.2192886919,0.08008174598,0.1407622248,0.004710690584,42,0.1413409114,0.1460044235,189.1116638,,79.29801941,34040.10156,,14273.64355,19822.97852,38941.13672,35133.64844,0.9750886559,,0.09168774635,0.1609738618,0.5834553838,0.1638830155 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1995,ehm,Total,21850920,0.3610852957,0.1927030981,0.04086079821,0.1610551924,0.5980539024,0.672090078,0.6037671425,0.06832293552,8361541,0.6398471915,0.4359700382,0.1812679023,0.5732487549,0.02223172598,0.895915091,0.1040848792,0.7974356413,0.2025643289,0.6258031726,0.3189382255,0.05525860935,0.3387427901,0.6612571618,0.9955064058,0.6612572074,0.6612572074,0,0.1324728727,0.2440014929,0.6235256195,0.9818679094,0.813552916,0.00916026067,0.1407396942,0.00935103558,0.0847505033,0.2745701671,0.06398622692,0.0605712682,0.02959220298,0.1948057562,0.03298727423,0.08538632095,0.04249528423,0.1037472859,0.1717433482,0.12930049,0.2115137875,0.07829517126,0.140395537,0.004135507625,42,0.1217250079,0.1401122361,198.7728119,,83.34911346,35779.10547,,15002.83984,19822.97852,39315.57813,36763.30859,0.9750886559,,0.08025518805,0.1481370479,0.5918982029,0.1797095835 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1995,ehm,Young worker,4210740,0,1,0,0.1646964699,1,0.3975770772,0.3495511115,0.04802595824,1975876,0.4692467451,0.2931183875,0.1812679023,0.3741940856,0.008665082976,0.7974356413,0.2025643289,0.7974356413,0.2025643289,0.7483216524,0.2373914272,0.01428694744,0.3890015185,0.3507737219,0.9928070903,0.4741625786,0.4741625786,0,0.1864470541,0.2573746145,0.5561783314,0.9735828638,0.813552916,0.005545573775,0.1548807919,0.005932352971,0.09101588279,0.3009251356,0.04741897061,0.05350551009,0.01313741785,0.1411913037,0.009032893926,0.03994080797,0.01480732951,0.1186606064,0.1753316373,0.1873934418,0.2502062917,0.06668555737,0.1346053779,0.003336041234,42,0.1299649328,0.111132279,156.0141754,,65.41962433,28082.55078,,11775.53223,18154.7207,31592.875,29501.42188,0.9750886559,,0.03500319645,0.1003205404,0.6744317412,0.1902444959 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1998,ehm,Female,11546017,0.3432184458,0.192310825,0.04752799124,0.1376556158,0.6092535853,0.3933832347,0.344871819,0.04851141199,3539532,0.5031709671,0.5031709671,0.2763512731,0.4383660555,0.03649229184,0.8712069988,0.1287930161,0.7348391414,0.2651608586,0.604432404,0.3797345161,0.01583310775,0.1730204225,0.4151628017,1,0.7058392763,0.7058392763,0,0.01241605449,0.1388858259,0.8486981392,0.9875839353,0.9874050021,0.002859354485,0.1215135828,0.003345793579,0.01116709784,0.3425805271,0.01877465472,0.06468963623,0.02262551896,0.4000277817,0.02492071874,0.1395525783,0.05597091466,0.1562260091,0.2521969974,0.01059043594,0.09017671645,0.007264465559,0.2630208731,0.0000803044677,41,0.289939642,0.09751360863,704.2006836,,295.2843628,126756.125,,53151.1875,69715.875,123678.0078,127224.2266,,,0.07395855337,0.1266093105,0.5947412848,0.2046908438 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1998,ehm,Higher education,12623179,0.3107731342,0.2582651377,0.01081914455,0.1638023257,0.6784077287,0.3933832347,0.344871819,0.04851141199,5853068,0.6834772229,0.5535295606,0.1316276938,0.6034480333,0.03424543515,0.8829087615,0.1170912385,0.776425302,0.2235747278,0.6714610457,0.2789266109,0.04961235449,0.1765088141,0.472740531,1,0.7281340361,0.7281340361,0,0.03038766794,0.2507832944,0.7188290358,0.9964752793,0.9582825899,0.01090973616,0.1559922099,0.008883715607,0.0749976337,0.3085302114,0.06417106092,0.07953742892,0.03161061928,0.2349797189,0.04809376597,0.1321924329,0.06122808903,0.1372700483,0.200165987,0.02752299048,0.193404153,0.07249169797,0.1219134778,0.005717352498,41,0.1545322686,0.1374337077,824.5200195,,345.7364807,148413.6094,,62232.57031,96932.74219,151051.0469,148413.6094,1,,0,0,0.6462782025,0.3537217975 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1998,ehm,Lower education,10623478,0.3926083446,0.1181188524,0.08162825555,0.1005824059,0.5257633924,0.3933832347,0.344871819,0.04851141199,3776961,0.6762159467,0.4187062383,0.2600895762,0.605935514,0.02173906565,0.8960680366,0.1039319709,0.8058031201,0.1941969097,0.5004875064,0.4520318806,0.04748059809,0.2435198575,0.2405754775,1,0.4969588816,0.4969588816,0,0.1995026022,0.2642497122,0.5362476707,0.9686858654,0.7057081461,0.008895384148,0.1335361153,0.004366471432,0.1174517348,0.2763677835,0.07402081788,0.01765808277,0.007521771826,0.1606792212,0.01234879624,0.006101687904,0.00668723369,0.02285352536,0.1714911014,0.1968768388,0.2643713057,0.1050508618,0.2140176445,0.0002010303724,41,0.1765011698,0.1573159397,610.7555542,,256.1011047,109936,,46098.19531,80092.91406,121165.9297,108000,1,,0.1515682936,0.2918287814,0.5566028953,0 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1998,ehm,Male,11700640,0.3530580401,0.1961034536,0.03888582066,0.1322036237,0.608056128,0.3933832347,0.344871819,0.04851141199,6090497,0.8560506105,,0.06183167174,0.7686221004,0.0252383016,0.897869885,0.1021300852,0.8135738373,0.1864261627,0.6034436822,0.3292152584,0.06734108925,0.2199487388,0.361522615,1,0.6217375994,0.6217375994,0,0.1466376334,0.3221834898,0.5311788917,,0.8112083077,0.01417426486,0.1612944156,0.009163983166,0.1375508308,0.2691892684,0.09589090943,0.04905338958,0.02154657431,0.09549873322,0.03906505555,0.0497655496,0.03036543541,0.05550574884,0.1528364718,0.1422315687,0.2960400581,0.129722327,0.09897394478,0.005493826233,41,0.09478674084,0.1712522954,704.2006836,,295.2843628,126756.125,,53151.1875,82452.00781,139431.75,135000,,,0.0665602684,0.1431728005,0.6142968535,0.1759700626 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1998,ehm,Old worker,9634138,0,0,0,0.157470867,1,0.3933832347,0.344871819,0.04851141199,7306924,0.7584408522,0.5701472759,,0.6980076432,0.03383480757,0.92031914,0.07968086004,,,0.5726159811,0.3678191304,0.05956486985,0.1549851596,0.4010255039,1,0.721255064,0.721255064,0,0.08877599984,0.2531731129,0.6580508947,0.9876263738,,0.01146868896,0.1444027126,0.00759039633,0.08971130848,0.2859387696,0.07222908735,0.05707321316,0.02617894672,0.2166308761,0.04058875144,0.09349339455,0.04576076567,0.08930282295,0.1840814799,0.08432353288,0.2102456689,0.08744220436,0.1607542634,0.004007111769,41,0.1606787145,0.1541100442,793.6487427,,332.7915955,142856.7656,,59902.48047,86579.85938,148413.6094,145241.4063,1,,0.08947192878,0.1504339278,0.5711702108,0.1889239401 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1998,ehm,Rural,20110416,0.3604153693,0.1946488768,0.04131197557,0,0.5982726812,0.3933832347,0.344871819,0.04851141199,8119972,0.6748920679,0.4881190062,0.1760475934,0.5941731334,0.03217434511,0.8803972602,0.1196027547,0.7787944078,0.2212055773,0.5909972787,0.3553464413,0.05365626886,0.2143970728,0.3527833521,1,0.6219949126,0.6219949126,0,0.1171665043,0.2589863539,0.623847127,0.9847146273,0.8457962275,0.01118953247,0.1446380317,0.007325177081,0.09583362192,0.2986235917,0.06735748798,0.03755768761,0.01803297736,0.2022753954,0.03227902949,0.07302375138,0.03409827501,0.07742594928,0.1906425804,0.1125090942,0.2269934118,0.08758854866,0.1618977189,0.003541635815,41,0.1835959405,0.1537025571,673.144043,,282.2617493,121165.9297,,50807.11328,81818.17969,133488.2031,121165.9297,1,,0.07798670232,0.1436416805,0.6005744934,0.1777971387 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1998,ehm,Total,23246657,0.3481709659,0.1942197531,0.04317816719,0.1349114776,0.6086508781,0.6429780145,0.5720372359,0.07094077861,9630029,0.680610797,0.5031709671,0.1673308313,0.6044299813,0.02929618023,0.8880699277,0.1119300872,0.7866355777,0.2133644372,0.6038001776,0.3474310935,0.04876873642,0.3477147679,0.6522852576,1,0.6522852182,0.6522852182,0,0.09831488132,0.2561922669,0.6454928517,0.9875839353,0.8672658801,0.01010064501,0.1469724327,0.007069305517,0.09204988182,0.2956117392,0.06812734157,0.05468278378,0.02193501778,0.2051359564,0.03394345194,0.0822770521,0.03963707015,0.09197612107,0.188814491,0.09456487745,0.2214978188,0.08538085222,0.1583746374,0.003533612937,41,0.1632967591,0.1453657299,704.2006836,,295.2843628,126756.125,,53151.1875,82101.59375,137302.1563,132274.7969,1,,0.07016670704,0.1350986063,0.6047641039,0.1899705678 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1998,ehm,Young worker,4514960,0,1,0,0.1330000758,1,0.3933832347,0.344871819,0.04851141199,2323105,0.5145350099,0.3579618037,0.1673308313,0.4047515392,0.01259468868,0.7866355777,0.2133644372,0.7866355777,0.2133644372,0.7185533643,0.2724061012,0.009040530771,0.3798171878,0.3066715896,1,0.4467248321,0.4467248321,0,0.1327341199,0.2670862675,0.6001796126,0.9874050021,0.8672658801,0.005164321046,0.156244725,0.005189049523,0.1004881635,0.3305148482,0.05332699418,0.04605738074,0.006621615961,0.1636587828,0.009338359348,0.04074709117,0.01696328446,0.1018743739,0.206339106,0.1324847937,0.2631603777,0.07774843276,0.1495637745,0.001780422288,41,0.1726601124,0.1140919253,625,,262.0740662,112500,,47173.32813,74206.80469,119047.3125,112500,1,,0.02970292233,0.1029557437,0.6751769781,0.1921643317 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1999,ehm,Female,11779886,0.3386233151,0.1927305609,0.04842160642,0.1491692662,0.6129550934,0.3914098144,0.342317462,0.04909234121,5852212,0.8104949594,0.8104949594,0.1010049582,0.7455791831,,0.9199060202,0.08009398729,0.9165622592,0.08343777061,0.6035638452,0.3774168789,0.01901927963,0.07455040514,0.1863668263,,0.7142756581,0.7142756581,0,0.0170660913,0.1370125413,0.8459213972,0.9829338789,0.9855812192,0.002283635549,0.1229347214,0.003301237244,0.008492945693,0.352347225,0.01440831553,0.06591582298,0.02250697836,0.3907430172,,,,,,,,,,,40,0.3029343784,0.08667746931,804.3371582,,337.2734375,144780.6875,,60709.21875,93749.99219,142705.6875,147388.9375,,,0.07074240595,0.1272904724,0.5886941552,0.213272959 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1999,ehm,Higher education,13076756,0.3079639077,0.2553725839,0.01072100736,0.1748871803,0.6813150644,0.3914098144,0.342317462,0.04909234121,7369804,0.8271950483,0.825220108,0.09716464579,0.7627176642,,0.9220530391,0.07794698328,0.9188415408,0.08115848154,0.6508898735,0.2945162356,0.054593876,0.1026150212,0.286544919,,0.7363165617,0.7363165617,0,0.03238661587,0.2384607047,0.7291526794,0.9960995317,0.9535622597,0.009483522736,0.1520322561,0.008990508504,0.06795441359,0.3248887062,0.06887884438,0.08184997737,0.02617477253,0.2273603827,,,,,,,,,,,40,0.1708784848,0.1234374568,967.2260132,,405.5757446,174100.6719,,73003.63281,114164.5547,179347.625,174100.6719,1.012630582,,0,0,0.6326206923,0.3673793375 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1999,ehm,Lower education,10634053,0.3875078559,0.1200804636,0.08482579142,0.1133504808,0.5276663303,0.3914098144,0.342317462,0.04909234121,4496176,0.8012814522,0.7847831845,0.1601983458,0.7310191393,,0.9123125672,0.08768740296,0.9074690938,0.09253089875,0.512191236,0.4403795898,0.04742915928,0.1610646546,0.1645493656,,0.505351007,0.505351007,0,0.2070584148,0.2450389266,0.5479026437,0.9539147019,0.693353653,0.005277582444,0.13108024,0.003680248512,0.1050008535,0.2797700763,0.07394014299,0.0196714662,0.008258383721,0.1662625968,,,,,,,,,,,40,0.1897142082,0.1464608759,670.2809448,,281.0611877,120650.5703,,50591.01563,95137.11719,141493.375,123325.8906,1.012630582,,0.1470562965,0.2928062975,0.5601373911,0 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1999,ehm,Male,11930923,0.3485902846,0.1966354996,0.03954740241,0.1454317421,0.6118623018,0.3914098144,0.342317462,0.04909234121,6013768,0.8237946033,,0.1277572513,0.7553042769,,0.9168599248,0.08314005286,0.9148899317,0.08511006832,0.5939692259,0.3352392018,0.07079155743,0.1734993905,0.2935984135,,0.6285587549,0.6285587549,0,0.1487156004,0.3011738062,0.5501105785,,0.8053108454,0.01105932798,0.1559678316,0.009013301693,0.1251333356,0.28125,0.1034922674,0.05280819163,0.01727247611,0.09528766572,,,,,,,,,,,40,0.1128191873,0.1566770077,804.3371582,,337.2734375,144780.6875,,60709.21875,96722.59375,160867.4219,150926.2813,,,0.06353544444,0.1393388212,0.60987252,0.1872531921 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1999,ehm,Old worker,9904236,0,0,0,0.1720223576,1,0.3914098144,0.342317462,0.04909234121,8026585,0.8104193807,0.7969682813,,0.74528265,,0.9196258187,0.08037415892,,,0.5633715391,0.3724280596,0.0642003864,0.115637362,0.2977119088,,0.7202429771,0.7202429771,0,0.09017049521,0.2392710447,0.6705584526,0.9822642207,,0.009409738705,0.1454172283,0.007687395904,0.07675667852,0.2964639068,0.07864752412,0.06027757749,0.02273312211,0.2124363333,,,,,,,,,,,40,0.172558561,0.1402977109,893.7079468,,374.7482605,160867.4219,,67454.67969,100542.1406,174293.125,168910.8125,1.012630582,,0.08518817276,0.1519623995,0.5679593086,0.1948901266 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1999,ehm,Rural,20218477,0.3569688201,0.1955756098,0.04186190665,0,0.6011692882,0.3914098144,0.342317462,0.04909234121,9944384,0.818149507,0.8101291656,0.117110461,0.7479777336,,0.9142310619,0.08576891571,0.9127549529,0.08724504709,0.5800042152,0.3654100597,0.05458572507,0.1324324459,0.2173727751,,0.6214109063,0.6214109063,0,0.1204950139,0.243839547,0.6356654167,0.9789108634,0.8424699306,0.00844521448,0.1414567977,0.006831209175,0.08710632473,0.3087797165,0.06869931519,0.04105418175,0.01565672271,0.2014755011,,,,,,,,,,,40,0.1995135397,0.138982445,786.0742798,,329.6154785,141493.375,,59330.78906,96520.46875,157214.8438,142705.6875,1.012630582,,0.07420387864,0.1426693052,0.5951449871,0.1879818141 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1999,ehm,Total,23710809,0.3436385393,0.1946954727,0.04395623878,0.1472886056,0.6124052107,0.6329057482,0.5611293524,0.07177639577,11865980,0.8171811922,0.8104949594,0.1146004423,0.7504683664,,0.9183622599,0.08163775504,0.915720582,0.08427942544,0.5974823236,0.3506826758,0.05183501542,0.3411904857,0.6588095347,,0.6588095427,0.6588095427,0,0.1004792079,0.2410251051,0.6584956646,0.9829338789,0.8642596602,0.00784391351,0.1438644975,0.006920401007,0.0823962912,0.3073000312,0.07085189968,0.05761082843,0.01919039711,0.2035425305,,,,,,,,,,,40,0.1783366501,0.1325537711,804.3371582,,337.2734375,144780.6875,,60709.21875,96520.46875,158561.875,150000,1.012630582,,0.06703878194,0.1334820688,0.5995776057,0.1999015361 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,1999,ehm,Young worker,4616387,0,1,0,0.1434338093,1,0.3914098144,0.342317462,0.04909234121,3839395,0.8316882849,0.8399881124,0.1146004423,0.7615940571,,0.915720582,0.08427942544,0.915720582,0.08427942544,0.7164940834,0.2748134434,0.008692467585,0.1434680969,0.1207669452,,0.4570436478,0.4570436478,0,0.1357403249,0.2470248938,0.6172347665,0.9855812192,0.8642596602,0.002487987513,0.1385533512,0.004296883941,0.1016866714,0.3443651497,0.04418685287,0.04848917201,0.007072458044,0.1731211543,,,,,,,,,,,40,0.2010989338,0.1020472422,714.9663696,,299.7986145,128693.9453,,53963.75,84896.02344,139280.5469,129732.4453,1.012630582,,0.02898765914,0.09473706037,0.6658670902,0.2104081959 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2000,ehm,Female,12012409,0.3339392543,0.1927834749,0.04918172583,0.1492682248,0.6168789864,0.3870241642,0.3369315267,0.05009264871,3701356,0.4994945526,0.4994945526,0.331885308,0.4263117909,,0.8534864187,0.1465135962,0.7172379494,0.2827620804,0.5903014541,0.390460819,0.01923770271,0.1507924646,0.4377983809,,0.7438076735,0.7438076735,0,0.01628087834,0.1320396364,0.8516795039,0.9837191105,0.9780743718,0.002009264426,0.1171088219,0.002948767971,0.009972784668,0.3454427719,0.01723917946,0.054254096,0.02695804276,0.4077853858,,,,,,,,,,,40,0.3112092614,0.1010367572,938.7407837,,393.6313477,168973.3438,,70853.64844,90927,166112.875,168973.3438,,,0.07985724509,0.1206556335,0.5789000392,0.2205870748 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2000,ehm,Higher education,13388886,0.3016017079,0.2577049434,0.01183937211,0.1745470017,0.6865589023,0.3870241642,0.3369315267,0.05009264871,6192824,0.6736999154,0.5454806089,0.1834217161,0.5776087046,,0.8573679924,0.1426320225,0.7457777262,0.254222244,0.6336991191,0.3132618666,0.05303898081,0.1510521919,0.4808364213,,0.760951221,0.760951221,0,0.03216223419,0.2366939485,0.7311438322,0.9929170012,0.9505695105,0.008258664049,0.1457564682,0.009144477546,0.07353432477,0.3132332861,0.07104684412,0.0720082745,0.03066651337,0.2441888899,,,,,,,,,,,40,0.1867770851,0.1532061249,1016.786133,,426.3572083,183021.5,,76744.29688,117342.5938,187499.9844,183021.5,1.025388122,,0,0,0.6314953566,0.3685046136 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2000,ehm,Lower education,10788477,0.3852671683,0.1167225018,0.08544264734,0.1136226207,0.5292901993,0.3870241642,0.3369315267,0.05009264871,3844646,0.6732903123,0.4171136916,0.2767836154,0.5921393633,,0.8794710636,0.120528914,0.7789298892,0.2210701108,0.4868420064,0.4700840414,0.04307394847,0.227178961,0.2585297525,,0.5322732329,0.5322732329,0,0.219519183,0.2444906235,0.5359901786,0.9635217786,0.6484996676,0.00340981083,0.1279505044,0.003448307281,0.1096819937,0.2736587524,0.07041294128,0.02103388682,0.008067268878,0.1628173292,,,,,,,,,,,40,0.2100846618,0.1763273925,772.6261597,,323.9764404,139072.7188,,58315.76172,96130.125,163668.5938,141888.3281,1.025388122,,0.1646011025,0.2913545668,0.5440443158,0 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2000,ehm,Male,12164954,0.3438682854,0.1967821717,0.04024026543,0.1454780698,0.6158914566,0.3870241642,0.3369315267,0.05009264871,6336114,0.8456844687,,0.08891090006,0.7383224964,,0.8730472922,0.1269527376,0.7774890065,0.2225109786,0.5687165856,0.3650322855,0.06625109911,0.1977328211,0.3695301712,,0.6514265537,0.6514265537,0,0.1568263471,0.3008886278,0.5422850251,,0.7797896266,0.008811505511,0.1510200649,0.00914381817,0.1319132447,0.2705284953,0.1011865586,0.05061638728,0.01882053167,0.1011330411,,,,,,,,,,,40,0.1328032762,0.1959022135,915.1074829,,383.7214966,164719.3594,,69069.875,100000,177360.4063,166112.875,,,0.06927549839,0.1421429962,0.6042801738,0.1843013465 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2000,ehm,Old worker,10192854,0,0,0,0.1717974246,1,0.3870241642,0.3369315267,0.05009264871,7722779,0.7576659918,0.5731210709,,0.6806957126,,0.8984113336,0.1015886888,,,0.5519852638,0.388964802,0.0590499118,0.1400353909,0.4106971323,,0.7457288504,0.7457288504,0,0.09282366186,0.2410878539,0.6660884619,0.9849563241,,0.007658738177,0.1381674111,0.007713800296,0.08754789829,0.2871061563,0.07498203218,0.05394364148,0.02487173304,0.2251849473,,,,,,,,,,,40,0.1881996989,0.1670353711,953.2369995,,399.7098999,171582.6563,,71947.78125,108000,189184.4375,177360.4063,1.025388122,,0.09447702765,0.1485783905,0.5593844056,0.1975601912 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2000,ehm,Rural,20614558,0.3520164192,0.1961023808,0.04237699509,0,0.6056065559,0.3870241642,0.3369315267,0.05009264871,8287238,0.6638121605,0.4794598222,0.2115696818,0.572596252,,0.86258775,0.13741225,0.7570465207,0.2429534793,0.5599030256,0.3897317946,0.0503651835,0.2008677423,0.3575765193,,0.6403083205,0.6403083205,0,0.1279562563,0.2424717396,0.6295720339,0.9795728326,0.8163310289,0.006853860337,0.1378330439,0.007018275093,0.09076655656,0.297201246,0.06899321079,0.03733247146,0.0161819309,0.2098631412,,,,,,,,,,,40,0.2158734649,0.1710541993,900,,377.3866272,162000,,67929.59375,98047.23438,168973.3438,163421.2188,1.025388122,,0.08101196587,0.1407319158,0.5874912143,0.1907648891 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2000,ehm,Total,24177363,0.338935107,0.1947954446,0.04468278959,0.1473611891,0.6163821071,0.622370267,0.549878238,0.07249202901,10037470,0.6735429676,0.4994945526,0.2083847225,0.5831764805,,0.8658341169,0.1341658831,0.757142961,0.242857039,0.5765625834,0.3742754459,0.04916196316,0.3142006041,0.6857993959,,0.6857994199,0.6857994199,0,0.1059482023,0.2397644669,0.6542873383,0.9837191105,0.842944026,0.00634906115,0.1387440264,0.00690117944,0.08777020872,0.2976478338,0.07079719752,0.05193325505,0.02176635154,0.212142691,,,,,,,,,,,40,0.1959624141,0.1623180211,922.8493042,,386.9677734,166112.875,,69654.19531,98533.55469,171582.6563,168750,1.025388122,,0.07441166788,0.13171345,0.5919611454,0.2019137293 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2000,ehm,Young worker,4709640,0,1,0,0.1416405439,1,0.3870241642,0.3369315267,0.05009264871,2314691,0.4914793968,0.3375270069,0.2083847225,0.3721201718,,0.757142961,0.242857039,0.757142961,0.242857039,0.6738624573,0.3161212802,0.01001625042,0.3415407836,0.3296096325,,0.4911113977,0.4911113977,0,0.1570559591,0.2346111834,0.6083328724,0.9780743718,0.842944026,0.001249100314,0.1409894228,0.003736784449,0.08863587677,0.3386977911,0.05450120196,0.04410469159,0.009673808701,0.1613553613,,,,,,,,,,,40,0.2257271409,0.1442301869,782.2839966,,328.0261536,140811.125,,59044.70703,91510.75,157303.8594,146132.6719,1.025388122,,0.03192424029,0.09600274265,0.6609408855,0.211132139 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2001,ehm,Female,12258206,0.3285912275,0.1924959421,0.05030417815,0.07210761309,0.621104598,0.3875023127,0.3392919302,0.04821037874,4223096,0.5546758771,0.5546758771,0.2931712568,0.4721080363,,0.851142168,0.1488578469,0.722802639,0.277197361,0.570184648,0.3993553817,0.0304599721,0.1701768488,0.396861285,,0.6998846531,0.6998846531,0,0.01741825417,0.1272375435,0.8553441763,0.9825817347,0.9828109145,0.001674409024,0.1143238246,0.003111909842,0.008127408102,0.3663938642,0.01614126749,0.0533926338,0.02484623343,0.3945702016,,,,,,,,,,,40,0.3595460653,0.1200754717,1067.997314,,447.8310242,192239.5,,80609.57813,112500,183266.1719,188724.3594,,,0.06942059845,0.1221711859,0.5798026919,0.2286055535 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2001,ehm,Higher education,13818944,0.2907277048,0.2573248744,0.01250920445,0.07524475455,0.6967630982,0.3875023127,0.3392919302,0.04821037874,6778336,0.703984499,0.5942479968,0.1655835062,0.6074085832,,0.8628153205,0.1371846944,0.7618213892,0.238178581,0.6346202493,0.2985064983,0.06687325239,0.1771041304,0.4541996717,,0.7194629312,0.7194629312,0,0.0299515035,0.2323275506,0.7377209663,0.9934267402,0.9604007006,0.007459472399,0.1404206604,0.008387750946,0.07605965436,0.3224527538,0.07520280033,0.07370352745,0.03168220818,0.2346796542,,,,,,,,,,,40,0.2181399763,0.1857080013,1219.515747,,511.365509,219292.875,,91953.55469,140088.625,224276.7969,212255.4844,1.037477016,,0,0,0.6196312904,0.3803687096 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2001,ehm,Lower education,10842325,0.3884078264,0.1145996824,0.08781345189,0.07069572061,0.5237787366,0.3875023127,0.3392919302,0.04821037874,4005932,0.705396533,0.4793744981,0.2539896369,0.6220980883,,0.8819126487,0.1180873737,0.8009011149,0.1990988553,0.4724683762,0.4672216475,0.06030996889,0.2390334606,0.2301169485,,0.4904971719,0.4904971719,0,0.2053504884,0.2399698645,0.5546796322,0.9589078426,0.6891995072,0.003229651367,0.1237380281,0.003305825172,0.1096963659,0.283008039,0.07233648747,0.02076421306,0.007557547651,0.1710133404,,,,,,,,,,,40,0.2681231797,0.1805582792,868.055542,,363.9917297,155968.375,,65400.42188,116346.6875,181175.3906,154679.7969,1.037477016,,0.1490435153,0.2957892716,0.5551671982,0 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2001,ehm,Male,12403063,0.3386949599,0.1966312677,0.04098398983,0.07436864823,0.6203210354,0.3875023127,0.3392919302,0.04821037874,6561172,0.8527779579,,0.08717868477,0.7521404624,,0.881988585,0.1180113852,0.804217279,0.1957827359,0.5756502151,0.3388657272,0.08548407257,0.2192147076,0.3530125618,,0.6169097424,0.6169097424,0,0.14610897,0.3009091318,0.5529819131,,0.8096387982,0.008356912062,0.1459532827,0.008448479697,0.1381504685,0.2713446915,0.1093146056,0.05328387022,0.02090663835,0.09813208133,,,,,,,,,,,40,0.1642003655,0.2217075378,1027.316528,,430.7727966,184916.9688,,77539.10156,117764.0156,202500,186784.8281,,,0.06379844993,0.1412914544,0.6012610197,0.1936490685 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2001,ehm,Old worker,10509024,0,0,0,0.07709355652,1,0.3875023127,0.3392919302,0.04821037874,8274471,0.7873681784,0.6290462613,,0.7077402472,,0.8988682032,0.1011317819,,,0.5492556095,0.3730571568,0.07768721133,0.1564720869,0.3901196718,,0.7137313485,0.7137313485,0,0.08824785054,0.2359395176,0.6758126616,0.9825282097,,0.006565644871,0.1348790377,0.007018983364,0.08747585118,0.2958316803,0.07878132164,0.05584574863,0.02591071092,0.2194431722,,,,,,,,,,,40,0.2281929404,0.1905127466,1149.829224,,482.1446533,206761.8281,,86699.05469,127353.2969,225000,210132.9375,1.037477016,,0.0842910111,0.1497081369,0.5619428158,0.204058066 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2001,ehm,Rural,22854960,0.3346382976,0.1950632185,0.04593344405,0,0.619428277,0.3875023127,0.3392919302,0.04821037874,9987651,0.705491662,0.5555750728,0.1856594682,0.6124982834,,0.8681864142,0.1318135709,0.7728082538,0.2271917164,0.5689145923,0.3647285104,0.06635688245,0.2050339878,0.3607117236,,0.6375862956,0.6375862956,0,0.1032778844,0.2296992242,0.6670228839,0.9817239046,0.8612284064,0.006182693876,0.1297325641,0.00613542553,0.08764854074,0.3074360788,0.07396570593,0.05214577168,0.0223019775,0.2111733705,,,,,,,,,,,40,0.2438601851,0.1828071624,1027.316528,,430.7727966,184916.9688,,77539.10156,117478.3203,195797.2031,187499.9844,1.037477016,,0.06919904798,0.1344591528,0.586173892,0.2101678997 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2001,ehm,Total,24661269,0.3336727619,0.1945757568,0.04561671242,0.07324477285,0.6207105219,0.6110569435,0.5375658219,0.07349112156,10784268,0.704508349,0.5546758771,0.1884755343,0.6128583132,,0.8699092269,0.130090788,0.7744351625,0.2255648524,0.5735560656,0.3620423377,0.06440161169,0.3514769065,0.6485230412,,0.6485230923,0.6485230923,0,0.09746988863,0.2352693975,0.6672607064,0.9825817347,0.8681868911,0.005831237882,0.1339988261,0.00643150555,0.08900783211,0.307268858,0.0740994364,0.05332497507,0.02239562012,0.2101718336,,,,,,,,,,,40,0.2371614575,0.1837482303,1037.693481,,435.124054,186784.8281,,78322.32813,117478.3203,196084.3125,187499.9844,1.037477016,,0.06652395427,0.1320223212,0.5908584595,0.2105952799 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2001,ehm,Young worker,4798485,0,1,0,0.07092300802,1,0.3875023127,0.3392919302,0.04821037874,2509797,0.5230394602,0.3890840113,0.1884755343,0.4050601423,,0.7744351625,0.2255648524,0.7744351625,0.2255648524,0.6665440202,0.3198929727,0.01356296707,0.3686192334,0.292108506,,0.4421011508,0.4421011508,0,0.1318131089,0.2327738404,0.6354130507,0.9828109145,0.8681868911,0.003096277593,0.1307208687,0.004243715201,0.09471297264,0.3498613238,0.05666389689,0.04393752664,0.00930528529,0.1756450236,,,,,,,,,,,40,0.2703390419,0.1587239802,880.7137451,,369.2995605,158528.4844,,66473.92188,110729.9609,169804.3906,160000,1.037477016,,0.0287501812,0.09442128241,0.6523347497,0.2244937569 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2002,ehm,Female,12500306,0.3236829638,0.1921844184,0.05117714778,0.1327415556,0.6251398921,0.3881132007,0.3416163921,0.04649681598,4528183,0.5794635415,0.5794635415,0.2840273082,0.4686225653,,0.8087179661,0.191282019,0.6545826197,0.3454174101,0.5636204481,0.4122732282,0.02410634793,0.1834617108,0.3742062747,,0.6710198522,0.6710198522,0,0.01926595718,0.1243358701,0.8563981652,0.9807340503,0.9769189358,0.002444320126,0.1098718569,0.003577577183,0.008442118764,0.3718279302,0.01698327996,0.05191204697,0.02122887783,0.3944460452,,,,,,,,,,,39,0.3771681488,0.1066436321,1282.972534,,537.9741211,230935.0625,,96835.34375,134739.5313,227322.2813,226286.4531,,,0.06721098721,0.1211697832,0.5861778259,0.2254413813 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2002,ehm,Higher education,14199926,0.2848244309,0.2585800886,0.01235999353,0.1498403549,0.7028155923,0.3881132007,0.3416163921,0.04649681598,7189272,0.7203730345,0.6162863374,0.1601977497,0.5952079296,,0.8262495995,0.1737504154,0.700693965,0.2993060052,0.6226735711,0.3236398995,0.05368650705,0.1902622432,0.4267675579,,0.6916481853,0.6916481853,0,0.0321803391,0.2190442681,0.7487754226,0.9943434,0.951164782,0.006896329578,0.1315811276,0.00775274029,0.07281406969,0.3300786018,0.08040942252,0.07274007797,0.02829175815,0.2372555584,,,,,,,,,,,39,0.2377742827,0.1663121432,1403.536743,,588.5288696,252636.6094,,105935.2031,152730.3125,259801.9375,246702.875,1.035727978,,0,0,0.6235495806,0.3764503896 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2002,ehm,Lower education,10948592,0.3859011233,0.1108053923,0.0905450657,0.1053643227,0.5235537887,0.3881132007,0.3416163921,0.04649681598,4145891,0.7232664227,0.5081595778,0.2496061921,0.6163909435,,0.8522322178,0.1477677524,0.7584218979,0.2415780872,0.4612944126,0.4849532843,0.05375231057,0.2552369535,0.2013937831,,0.4410429895,0.4410429895,0,0.2102701217,0.2246689349,0.5650609732,0.951431334,0.7024970651,0.002380187623,0.1150166392,0.002607959555,0.1046641469,0.2896152735,0.07397143543,0.01924995147,0.005250465591,0.1769738346,,,,,,,,,,,39,0.2913496792,0.1628884822,1016.114319,,426.0755005,182900.5781,,76693.59375,135000,219480.6875,182900.5781,1.035727978,,0.1500545144,0.2952277958,0.5547177196,0 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2002,ehm,Male,12648212,0.3339146972,0.196282059,0.04167561233,0.1282397062,0.6244096756,0.3881132007,0.3416163921,0.04649681598,6806980,0.861897707,,0.08406169713,0.7358341217,,0.8537371755,0.1462628096,0.7564617991,0.243538186,0.5617687106,0.3658649027,0.07236638665,0.234051615,0.322863698,,0.5797356963,0.5797356963,0,0.1498959213,0.2806712687,0.569432795,,0.8155012131,0.00684625702,0.1347012818,0.007145128679,0.1319785863,0.2794966996,0.1153901294,0.0525559485,0.01842501014,0.1035650223,,,,,,,,,,,39,0.1855611205,0.200533241,1250,,524.1481323,225000,,94346.65625,137145.5938,240105.8438,227322.2813,,,0.06468299776,0.1376821548,0.60003829,0.19759655 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2002,ehm,Old worker,10827125,0,0,0,0.1507630199,1,0.3881132007,0.3416163921,0.04649681598,8657057,0.7995711565,0.6503047943,,0.6973479986,,0.8721525073,0.1278474927,,,0.5420260429,0.3937031925,0.06427077949,0.1716268808,0.3660522699,,0.6808005571,0.6808005571,0,0.09257740527,0.2246810496,0.6827415228,0.981618762,,0.00606827531,0.1274921447,0.006351151969,0.08476948738,0.3036269844,0.08235472441,0.05420415476,0.0227695629,0.2197861075,,,,,,,,,,,39,0.2449619025,0.1711061001,1333.921387,,559.3378906,240105.8438,,100680.8203,144363.7813,256594.5313,240750,1.035727978,,0.08449925482,0.1481557935,0.5637715459,0.2035733759 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2002,ehm,Rural,21867205,0.339928627,0.1949235797,0.04466446489,0,0.6154069304,0.3881132007,0.3416163921,0.04649681598,9650323,0.7171106935,0.569196403,0.1843618006,0.5983270407,,0.8343579769,0.1656420231,0.7222372293,0.2777627707,0.5449200273,0.3992163837,0.05586361513,0.2228287607,0.3169204891,,0.5871624351,0.5871624351,0,0.1168817207,0.2220427394,0.6610755324,0.9773010015,0.8541711569,0.005380101968,0.1240469962,0.005394959822,0.08722068369,0.3135819137,0.07743189484,0.04357135668,0.01601158269,0.2104787678,,,,,,,,,,,39,0.2799582481,0.168013081,1219.337158,,511.2906189,219480.6875,,92032.3125,136393.375,234466.4219,216047.0938,1.035727978,,0.0721642226,0.137010932,0.5888755918,0.2019492388 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2002,ehm,Total,25148518,0.3288289309,0.1942452788,0.04639843851,0.1304773837,0.6247726381,0.6005822702,0.5263177527,0.0742645175,11335163,0.7214286263,0.5794635415,0.1824019402,0.6029360267,,0.8357528448,0.1642471254,0.7180899382,0.2819100618,0.5624845028,0.3838044405,0.05371104926,0.3849483653,0.6150516079,,0.6150516272,0.6150516272,0,0.1001969054,0.2211924493,0.6786106229,0.9807340503,0.8709059954,0.005171511788,0.1252547652,0.0057878308,0.08497834206,0.3146247268,0.07795060426,0.05231097341,0.01949176006,0.2142325938,,,,,,,,,,,39,0.2580415905,0.1650169939,1262.901611,,529.5579834,227322.2813,,95320.4375,136393.375,236125,227322.2813,1.035727978,,0.06590901315,0.1296740323,0.5933163166,0.2111006528 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2002,ehm,Young worker,4884981,0,1,0,0.1274410337,1,0.3881132007,0.3416163921,0.04649681598,2678106,0.548232615,0.4198714197,0.1824019402,0.3936803341,,0.7180899382,0.2819100618,0.7180899382,0.2819100618,0.6428056359,0.3449413776,0.01225299947,0.3828006685,0.2510699928,,0.3960902691,0.3960902691,0,0.1290939897,0.2079618573,0.6629441381,0.9769189358,0.8709059954,0.001770517556,0.1167694926,0.003651424544,0.08577042818,0.3563337922,0.06124790385,0.04513105005,0.007060635369,0.1931707561,,,,,,,,,,,39,0.30760023,0.1419455111,1026.378052,,430.379303,184748.0469,,77468.27344,125000,196406.4531,187499.9844,1.035727978,,0.02613787912,0.09013497829,0.6565229893,0.2272041738 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2003,ehm,Female,12741666,0.3205043077,0.1920664012,0.05166310444,0.4451622069,0.6278325915,0.3850386143,0.3364622891,0.0485763289,4731315,0.5914415121,0.5914415121,0.2675734162,0.4695935547,,0.7939813733,0.2060186267,0.6520400643,0.3479599357,0.5545816422,0.422908783,0.02250959352,0.2000451982,0.3494054079,,0.6359177828,0.6359177828,0,0.02272006497,0.1202193201,0.8570606112,0.9772799611,0.9718855619,0.001270115026,0.1075076833,0.003450653749,0.007990868762,0.3527830243,0.01641909219,0.0482391417,0.02995243482,0.4096669257,,,,,,,,,,,38,0.3815145493,0.09976891428,1529.731567,,641.4447021,275351.6875,,115460.0547,145827.8125,271622.0313,262500,,,0.06454760581,0.1245914847,0.5754501224,0.2354107946 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2003,ehm,Higher education,14587032,0.2812727094,0.2590081394,0.01363190264,0.4793457687,0.7050954103,0.3850386143,0.3364622891,0.0485763289,7412664,0.720708251,0.6261715889,0.1592163891,0.5903244615,,0.8190893531,0.1809106618,0.7014675736,0.2985324562,0.6051326394,0.3460220098,0.04884533584,0.2010447234,0.3981336951,,0.6644660234,0.6644660234,0,0.0347809419,0.2085828781,0.7566362023,0.9931904078,0.9453245401,0.006697615143,0.1278224587,0.007477615029,0.06658519059,0.3144567609,0.08198821545,0.06933228672,0.03921924159,0.2516396642,,,,,,,,,,,38,0.2502041161,0.1499197483,1660.461304,,696.262146,298690.9063,,125246.6172,172396.4688,303750,292197.625,1.055992365,,0,0,0.6126105189,0.3873895109 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2003,ehm,Lower education,11038352,0.3838513196,0.1085904837,0.09083095193,0.3826084733,0.5253177285,0.3850386143,0.3364622891,0.0485763289,4239437,0.7311086059,0.5225861073,0.2329951823,0.6195614338,,0.8474273682,0.1525726169,0.7643704414,0.2356295437,0.4560733736,0.4936949909,0.0502316542,0.2624314129,0.1889011264,,0.418540895,0.418540895,0,0.2247549146,0.2126999497,0.5625451207,0.9422078729,0.6689863205,0.004486624151,0.1149771437,0.0029570607,0.09027912468,0.2787770927,0.0749097243,0.0199163463,0.007540319115,0.1814016551,,,,,,,,,,,38,0.2936708331,0.1471092254,1161.124756,,486.881073,208599.7656,,87469.73438,157136.9063,243498,212046.1719,1.055992365,,0.1422008872,0.3072308898,0.550568223,0 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2003,ehm,Male,12883718,0.3303596973,0.1963388175,0.04216166586,0.4302710593,0.6274786592,0.3850386143,0.3364622891,0.0485763289,6920786,0.8560817838,,0.08934666216,0.7307625413,,0.853613019,0.146386981,0.7633191943,0.2366808206,0.5466301441,0.3869350851,0.06643478572,0.2390111983,0.301879108,,0.5581151843,0.5581151843,0,0.1594556868,0.2660948336,0.5744494796,,0.7934800982,0.008710478432,0.1325379759,0.007194692269,0.1176516712,0.2686069012,0.1184141487,0.05197614804,0.02544548735,0.1100067943,,,,,,,,,,,38,0.1960638762,0.1789658964,1414.988159,,593.3306885,254620,,106766.875,159539.9219,283129.2813,267847.8125,,,0.06015282124,0.143869102,0.5947830677,0.2011950165 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2003,ehm,Old worker,11107071,0,0,0,0.4612725675,1,0.3850386143,0.3364622891,0.0485763289,8960451,0.8067339063,0.665283978,,0.6955120564,,0.8621331453,0.1378668398,,,0.5328070521,0.4078715146,0.0593214184,0.1807422042,0.347233355,,0.6576693654,0.6576693654,0,0.09739700705,0.2137709707,0.6888320446,0.9785159826,,0.006290052086,0.1258576512,0.006337775383,0.07528549433,0.2896302342,0.08397675306,0.05309739709,0.03173578158,0.2303918451,,,,,,,,,,,38,0.2474164814,0.1550771892,1580.301147,,662.6494751,284454.2188,,119276.9141,163878.0313,296306.4688,288460.625,1.055992365,,0.07962087542,0.1565066725,0.5560187697,0.2078536898 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2003,ehm,Rural,14409785,0.347892493,0.192921266,0.04393479973,0,0.6081727147,0.3850386143,0.3364622891,0.0485763289,6290316,0.7177745104,0.5644581318,0.1809346527,0.5978127122,,0.8328697681,0.1671302319,0.7332182527,0.2667817473,0.5195282698,0.427823633,0.05264807492,0.2423095256,0.2724915445,,0.5293142796,0.5293142796,0,0.1745424569,0.2093243003,0.6161332726,0.9610388875,0.7781454325,0.007657003123,0.121144712,0.005716442131,0.07480613887,0.2832891047,0.075458996,0.03436247632,0.0189748425,0.2040478289,,,,,,,,,,,38,0.285838455,0.1537437588,1335.894409,,560.1652222,240461,,100829.7422,157500,275728.625,243498,1.055992365,,0.07794471085,0.1628146172,0.5705754161,0.188665241 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2003,ehm,Total,25625384,0.3254593313,0.1942144483,0.04688604921,0.4376753569,0.627654627,0.5932329095,0.5185325134,0.07470039604,11652101,0.7244578516,0.5914415121,0.1769859046,0.6008651284,,0.8293997049,0.17060031,0.7204306126,0.2795694172,0.549720943,0.4009183645,0.04936068878,0.411351472,0.5886485006,,0.5886484981,0.5886484981,0,0.107014522,0.2101483047,0.6828371882,0.9772799611,0.8556942344,0.005856932607,0.1229382977,0.00575876981,0.07559430599,0.3008903265,0.07929676771,0.05054292083,0.02717400156,0.2249331474,,,,,,,,,,,38,0.2665551305,0.1488625109,1457.339355,,611.0893555,262321.0938,,109996.0859,158030.125,281250,266656.5625,1.055992365,,0.06227691099,0.134551838,0.585439086,0.2177321762 +"Venezuela, RB",VEN,Latin America and Caribbean,LCN,2003,ehm,Young worker,4976820,0,1,0,0.4414196312,1,0.3850386143,0.3364622891,0.0485763289,2691650,0.5408373475,0.4239054918,0.1769859046,0.3896357417,,0.7204306126,0.2795694172,0.7204306126,0.2795694172,0.6171017289,0.373218745,0.009679513983,0.395654887,0.2132679969,,0.3502381146,0.3502381146,0,0.1443057656,0.1961016655,0.6595925689,0.9718855619,0.8556942344,0.004177542869,0.1116186976,0.00351371686,0.0767917037,0.3445504904,0.06115044281,0.04063812271,0.009486027993,0.2037674785,,,,,,,,,,,38,0.3401904702,0.1249516979,1163.341309,,487.8105164,209401.4375,,87805.89063,144276.5938,231660,212248.2188,1.055992365,,0.02489800192,0.08723582327,0.6488443613,0.2390218228 \ No newline at end of file diff --git a/src/ICP/Test/testHelper b/src/ICP/Test/testHelper new file mode 100644 index 00000000..b1fd0173 --- /dev/null +++ b/src/ICP/Test/testHelper @@ -0,0 +1,151 @@ +@pipeline RegPipe(std = Standardizer(), + hot = OneHotEncoder(), + reg = LinearRegressor()) + +model = RegPipe() +pipe = machine(model, Xc, y) +fit!(pipe, rows=train) +ŷ = predict(pipe, rows=test) +round(rms(ŷ, y[test])^2, sigdigits=4) + + + + +r = range(model, :(reg.lambda), lower=1e-2, upper=100_000, scale=:log10) +tm = TunedModel(model=model, ranges=r, tuning=Grid(resolution=50), + resampling=CV(nfolds=3, rng=4141), measure=rms) +mtm = machine(tm, Xc, y) +fit!(mtm, rows=train) +best_mdl = fitted_params(mtm).best_model +round(best_mdl.reg.lambda, sigdigits=4) + + + + + + + +ConfInt[1, usevariab] <- pmax( + ConfInt[1, usevariab, drop = FALSE], + tmp$coefficients + qnorm(1 - alpha/4) * tmp$coefficientsvar, + na.rm = TRUE) + + +ConfInt[2, usevariab] <- pmin( + ConfInt[2, usevariab, drop = FALSE], + tmp$coefficients - qnorm(1 - alpha/4) * tmp$coefficientsvar, + na.rm = TRUE) + + +quantile(Normal(0, 1), 1 - alpha/4) + +is qnorm(n) + + + +ConfInt[1, usevariab] <- max( + ConfInt[1, t], + r$coefs + quantile(Normal(0, 1), 1 - alpha/4) * r$coefsStd) + + + + +********************* +InvariantCausalPrediction(dfX1[:,1:2],dfY1, dfE1) + + +InvariantCausalPrediction(dfX2[:,1:2],dfY2, dfE2) + + + + +if (length(notusevariab) >= 1) { + ConfInt[1, notusevariab] <- pmax(ConfInt[1, notusevariab, drop = FALSE], 0, na.rm = TRUE) + ConfInt[2, notusevariab] <- pmin(ConfInt[2, notusevariab, drop = FALSE], 0, na.rm = TRUE) + } + + + +Dict{Symbol,Tuple{Float64,Float64}} + + +println(" normalQuantile ", normalQuantile, " typeof ", typeof(normalQuantile)) + + + +function MLJ.fit(model::KNNRidgeBlend, verbosity::Int, X, y) + Xs = source(X) + ys = source(y, kind=:target) + hot = machine(OneHotEncoder(), Xs) + W = transform(hot, Xs) + z = log(ys) + ridge_model = model.ridge_model + knn_model = model.knn_model + ridge = machine(ridge_model, W, z) + knn = machine(knn_model, W, z) + # and finally + ẑ = model.knn_weight * predict(knn, W) + (1.0 - model.knn_weight) * predict(ridge, W) + ŷ = exp(ẑ) + fit!(ŷ, verbosity=0) + return fitresults(ŷ) +end + + + + +names X [:ethnicity, :score] + ^^ coefs [-0.43851241719212836, -0.12750153569721762, 0.5660139626794835, 0.9966932091483689] typeof Array{Float64,1} + ^^ coefsMeanStd [(0.0, 0.0) (53.443939401645856, 8.05828188259464) (0.0, 0.0) (0.0, 0.0)] typeof Array{Tuple{Float64,Float64},2} + ***********fp[3].mean_and_std_given_feature Dict(:score => (53.443939401645856, 8.05828188259464)) Dict{Symbol,Tuple{Float64,Float64}} +getPValue (pval = 0.8823106350159862, coefs = [-0.43851241719212836, -0.12750153569721762, 0.5660139626794835, 0.9966932091483689], coefsMeanStd = [(0.0, 0.0) (53.443939401645856, 8.05828188259464) +(0.0, 0.0) (0.0, 0.0)]) + + + + +^^ ŷ UnivariateFinite{Float64,UInt32,Float64}[UnivariateFinite(0.0=>0.949, 1.0=>0.051), UnivariateFinite(0.0=>0.848, 1.0=>0.152), UnivariateFinite(0.0=>0.85, 1.0=>0.15), UnivariateFinite(0.0=>0.978, 1. +0=>0.0225), UnivariateFinite(0.0=>0.94, 1.0=>0.0596), UnivariateFinite(0.0=>0.731, 1.0=>0.269), UnivariateFinite(0.0=>0.696, 1.0=>0.304), UnivariateFinite(0.0=>0.727, 1.0=>0.273), UnivariateFinite(0.0=>0.44, 1.0=>0.56), UnivariateFinite(0.0=>0.697, 1.0=>0.303), UnivariateFinite(0.0=>0.927, 1.0=>0.0729), UnivariateFinite(0.0=>0.769, 1.0=>0.231), UnivariateFinite(0.0=>0.59, 1.0=>0.41), UnivariateFinite(0.0=>0.622, 1.0=>0.378), UnivariateFinite(0.0=>0.893, 1.0=>0.107), UnivariateFinite(0.0=>0.539, 1.0=>0.461), UnivariateFinite(0.0=>0.78, 1.0=>0.22), UnivariateFinite(0.0=>0.9, 1.0=>0.0999), UnivariateFinite(0.0=>0.652, 1.0=>0.348), UnivariateFinite(0.0=>0.604, 1.0=>0.396), UnivariateFinite(0.0=>0.812, 1.0=>0.188), UnivariateFinite(0.0=>0.598, 1.0=>0.402), UnivariateFinite(0.0=>0.631, 1.0=>0.369), UnivariateFinite(0.0=>0.706, 1.0=>0.294), UnivariateFinite(0.0=>0.561, 1.0=>0.439), UnivariateFinite(0.0=>0.977, 1.0=>0.023), UnivariateFinite(0.0=>0.83, 1.0=>0.17), UnivariateFinite(0.0=>0.594, 1.0=>0.406), UnivariateFinite(0.0=>0.575, 1.0=>0.425), UnivariateFinite(0.0=>0.581, 1.0=>0.419), UnivariateFinite(0.0=>0.328, 1.0=>0.672), UnivariateFinite(0.0=>0.924, 1.0=>0.0762), UnivariateFinite(0.0=>0.625, 1.0=>0.375), UnivariateFinite(0.0=>0.64, 1.0=>0.36), UnivariateFinite(0.0=>0.616, 1.0=>0.384), UnivariateFinite(0.0=>0.84, 1.0=>0.16), UnivariateFinite(0.0=>0.872, 1.0=>0.128), UnivariateFinite(0.0=>0.554, 1.0=>0.446), UnivariateFinite(0.0=>0.739, 1.0=>0.261), UnivariateFinite(0.0=>0.341, 1.0=>0.659), UnivariateFinite(0.0=>0.288, 1.0=>0.712), UnivariateFinite(0.0=>0.626, 1.0=>0.374), UnivariateFinite(0.0=>0.853, 1.0=>0.147), Univar + + + ^^ yhatResponse [0.05102592260187594, 0.15176502584882587, 0.14970673437591983, 0.022467381668184575, 0.059605807730697354, 0.26923634617768955, 0.30358417118602393, 0.2726568004116155, 0.5602226353177788, 0.3033227815469683, 0.07287565760642183, 0.23098085120784356, 0.4102924068129813, 0.3784018987252601, 0.10664530105038635, 0.46102881453551103, 0.21957666442020243, 0.0999076928572241, 0.3480903817243252, 0.39571244207943845, 0.1875465105479224, 0.4016427014001162, 0.3694261116026364, 0.293996660381078, 0.4392963653811644, 0.02301713062212841, 0.1704705487907868, 0.4055128860619639, 0.4247296570824781, 0.418998064613374, 0.6719501875280678, 0.07620270391490977, 0.37520703356698015, 0.3602546803397965, 0.38365256719850804, 0.1598987710603979, 0.12772839618710788, 0.44600939705855996, 0.2605662841312744, 0.6592881299622488, 0.7119801033886627, 0.37375841813607713, 0.1470498042465337, 0.1909624750840662, 0.0526057619872685, 0.2758571893942018, 0.025937606790600656, 0.2843363939799493, 0.03784736023496059 + + + +https://github.com/alan-turing-institute/MLJ.jl/issues/489#issuecomment-612882956 + + + +using MLJ, CSV, DataFrames + +xgc = @load XGBoostClassifier; +xgr = @load XGBoostRegressor; + + +pipe = @pipeline MyPipe(hot=OneHotEncoder(), xgr = xgr) ######prediction_type=:probabilistic + + +r1 = range(pipe, :(xgr.max_depth), lower = 3, upper = 10) +r2 = range(pipe, :(xgr.num_round), lower = 1, upper = 25) +tmr = TunedModel( + model = pipe, + tuning = Grid(resolution = 7), + resampling = CV(rng = 11), + ranges = [r1, r2], + measure=rms + ) + +X = copy(dfX3) +y = dfY3 +coerce!(X, autotype(X, :string_to_multiclass)) +y = float.(y[:,1]) + +mtmr = machine(tmr, X, y) +fit!(mtmr) + + + + + +qnorm(1 - alpha/4) * tmp$coefficientsvar + + diff --git a/src/ICP/Test/treeE1.csv b/src/ICP/Test/treeE1.csv new file mode 100644 index 00000000..e895c866 --- /dev/null +++ b/src/ICP/Test/treeE1.csv @@ -0,0 +1,1001 @@ +"E" +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +1 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +1 +1 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +1 +1 +0 +0 +1 +1 +0 +1 +1 +0 +1 +0 +0 +0 +1 +0 +1 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 diff --git a/src/ICP/Test/treeE2.csv b/src/ICP/Test/treeE2.csv new file mode 100644 index 00000000..43e508cc --- /dev/null +++ b/src/ICP/Test/treeE2.csv @@ -0,0 +1,1001 @@ +"x" +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +1 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +1 +0 +1 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +1 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +0 +1 +1 +0 +1 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +1 +1 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +1 +1 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +1 +0 +0 +0 +0 +0 +1 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 +0 diff --git a/src/ICP/Test/treeManE1.csv b/src/ICP/Test/treeManE1.csv new file mode 100644 index 00000000..0297c6e2 --- /dev/null +++ b/src/ICP/Test/treeManE1.csv @@ -0,0 +1,501 @@ +"E" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"1" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"2" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"3" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"4" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"5" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" +"6" diff --git a/src/ICP/Test/treeManE2.csv b/src/ICP/Test/treeManE2.csv new file mode 100644 index 00000000..b1ed72c7 --- /dev/null +++ b/src/ICP/Test/treeManE2.csv @@ -0,0 +1,1001 @@ +"E" +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +1 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 +2 diff --git a/src/ICP/Test/treeManX1.csv b/src/ICP/Test/treeManX1.csv new file mode 100644 index 00000000..49026a36 --- /dev/null +++ b/src/ICP/Test/treeManX1.csv @@ -0,0 +1,501 @@ +"V1","V2" +0.882801824485007,1.16342065274275 +1.86274898037692,-0.452179150730564 +1.61172528817026,2.81254987476628 +0.13547954117712,-0.131130137852729 +1.08808601191167,0.393423900293765 +-1.26681475980749,1.24197024755385 +-0.198583285482738,0.12527277515665 +0.138865781863574,0.039620048903547 +-0.279336000738752,-1.10057589597086 +0.708919415485068,0.855817989662519 +-0.766610461152707,1.52261470285511 +1.44336294746008,2.60449341197076 +0.844879299692181,1.48701321577578 +-0.399370403958264,0.616985619619037 +-1.42776758647186,2.2696745273578 +-1.42199245227034,1.24799411739916 +-0.328228291336104,-1.35189355324691 +0.284570073402619,1.12528662916856 +0.719335881334972,0.0184429803565027 +0.432415977426108,1.9277689587283 +-0.351924767868713,-0.486590968652265 +0.297721428439181,1.01085943952365 +-0.26143236188958,0.674457148599588 +1.30868973123884,1.80236568419523 +0.0158702644129702,-0.222886374624396 +-0.431174367813321,0.407375685516754 +0.382446537683282,-0.334836518819551 +0.0411250954540083,0.362550094436842 +-0.0592240013779381,0.689682730202584 +-1.29642398431303,1.74812050656251 +-2.13697637687044,1.42405145446641 +-0.893614685827083,2.18672871180349 +0.612732874932743,0.485549978157103 +0.582971232012007,1.85100032853842 +-0.00588201272188152,0.0929571537652636 +-1.86544872517899,1.35548579043417 +1.82998432650991,1.66521349255317 +-0.991115899716747,1.43315171869335 +-1.45043462408266,-1.49305626356117 +-0.0148247613038409,-0.352763703351545 +0.53663905389376,0.0789927238719242 +-0.811103765769766,1.99750451716515 +-0.318324798180542,-0.185983281539738 +1.11147600478552,0.769489958201154 +-0.141744714348825,-0.934000006178296 +-0.205378953164696,-0.289408436414323 +-0.680795796147302,0.454651372705814 +-0.0429917420931776,0.320939577833649 +-1.1615526076683,3.13185361346978 +-0.772692171150084,-0.0769196007712086 +-0.918739131830315,-0.21477320661239 +0.0891531750401816,-0.0774355201524208 +-0.757539130642794,0.578781934193576 +1.74808117818893,1.62395124025435 +0.170460702263585,0.391055979999842 +0.825531127801195,0.365764263554575 +-0.0171559147599199,-0.12381612559932 +0.492221664442058,-0.61908566192459 +0.355488970383817,0.803795525391962 +0.112576701571214,0.599627482279891 +1.13702931868364,1.56768135166522 +-0.566944843362714,0.853399584446005 +0.552616243578724,0.832535491846656 +-0.0125017297106264,-0.611868025076168 +-0.571210608785442,0.236554580137461 +-0.684277141590867,1.25739705680499 +1.16930921649195,1.60499612062447 +0.369468673731306,-0.787039507456807 +-0.510734920983448,0.977375507292873 +-0.631544835814818,-0.26772052178183 +1.71327796192588,1.41681391303208 +-0.223003222063018,0.50101766110832 +-0.958897272967613,0.268070697387219 +0.0377452423019628,0.899732407346299 +-1.64150624212811,1.33793039421597 +0.789993246458722,-0.0320198758738941 +-1.05713037140981,2.61492427033815 +-1.02892535930653,0.505413223095062 +1.1009297665633,2.57779958135059 +-0.613909979895463,-0.706816032553527 +-0.345882413875525,1.64962557705807 +0.0859901181764073,-0.294134042978624 +-0.649316293424626,-0.467533389583333 +0.305962790761517,1.15539921509442 +3.50825166614983,1.86458055794902 +5.88189657411692,-3.30949141458788 +5.0948347829117,-2.08343191686534 +8.77916173546853,8.7312545894088 +-0.0117412230852407,-0.349868856280115 +5.53940034293063,-0.13734904175432 +4.23813891437547,-5.50973085981555 +4.59679814221347,-5.36471917526851 +2.65228825191927,1.92151611382808 +6.34199548012316,-1.00094472412054 +5.08215835991153,-2.7102533888297 +2.21499874004085,1.87545468436296 +7.06333898723298,-0.00516765319553084 +-1.5023623053856,1.86203706580169 +5.51187710343511,-3.88264849759662 +-0.00962162896028029,0.412681403206698 +1.5313721173093,1.58573485688458 +2.06139626134377,2.30015593537042 +5.39736499728533,-4.60918751625369 +-0.435205662115101,-0.117983253857701 +5.38982952459368,-0.910797820663952 +7.86260057194426,-12.9366971632741 +4.48455580798504,-2.45613470793258 +9.24825206949365,2.395563849331 +2.4547264778242,2.29906108215039 +4.72281244524329,-1.1524580145327 +7.08612577119734,5.57923970591283 +5.16039054548923,6.25788048988857 +4.99888032359194,3.72958763775756 +1.91937233348658,1.35817160233556 +8.2213708349321,-13.7778228489855 +0.699124038151498,1.18934984438182 +3.35106410500163,1.69460224725487 +6.21736873945085,-0.992038784452396 +5.54224073000276,-5.53278721416579 +5.041802906655,2.50741637754491 +6.96615187167972,1.74262153617612 +5.36251276900476,-4.57164152279998 +1.40579150468474,-2.29369432325262 +3.05459121914864,-0.637342671361793 +3.93821284339823,-2.57544118948468 +4.55514802154462,2.25632011212772 +3.71729826673596,0.983343743416342 +0.691349870517365,0.971874094657502 +7.29139132881575,7.32006629185639 +6.86217573495337,-1.58912024538924 +2.07655079831127,0.802820540986099 +4.74491839246276,3.88543722238891 +5.78050376114178,-2.91411757818677 +4.29990521255613,-5.20421968707103 +4.88738284088186,7.42878374616116 +-0.505308762624142,1.44291445848209 +8.06471750675045,-12.5682816698375 +1.98143481211154,1.49790569872005 +6.1084500791507,1.16189454471222 +7.91666061333067,-10.5473387316533 +-0.453139951045233,1.90427390292696 +8.2308655551934,-11.8060670223202 +2.97600082728055,0.293391605464998 +1.09634056658382,1.61889485497335 +6.56261988909116,1.4515476815692 +2.84879818991197,0.484099694576852 +8.87430120579765,6.21998883427622 +7.34421690367387,6.39869746501883 +8.96170766989869,-0.581819894794277 +5.74516097354966,-4.40768733069167 +2.24976285228723,1.17981722958987 +5.72913166745537,-5.39147573609307 +4.06949770825099,-5.59423410984691 +5.82798030069296,-4.49314794893731 +4.16036852466021,-5.88805698076606 +5.56185999454781,-4.85672526740078 +1.09909375060756,2.24519548899551 +0.312569623565476,0.440018698654223 +4.01512421653064,-5.21867065733556 +3.01131644938273,0.213112242867834 +5.82783468743496,-0.253914002205077 +0.565827666374482,-0.795861874386091 +3.1049486706176,0.447074130051746 +4.19150609271139,-6.44581645787789 +2.6733902984755,2.47071329995339 +3.62184652841406,1.34808367454401 +2.17075369250897,-2.12391201408831 +2.56102814410597,1.65116629855766 +7.82761454632968,1.27108263128701 +-1.05153799383231,-0.533265119346239 +4.14019075856177,-5.25146038762084 +3.95521612295174,-3.60208221806178 +3.70528011644892,0.343073611374956 +2.63751608007516,5.14034380648053 +4.84918746677583,-2.52116971417484 +4.95860588402983,3.15385007935731 +-3.14761972666887,2.17398841587786 +3.45480551571373,-0.560152974247663 +6.11096008092113,5.14308727285312 +4.05362885371691,-3.67489566739327 +5.67746225474067,-3.89503789223473 +8.13811685227384,-13.173765736702 +2.15733242055279,2.30869012821779 +3.5354996317135,5.32445933424716 +3.68158251552006,2.48356860674008 +9.14454740954096,-0.738640881172369 +4.17076755294131,-2.69874308224906 +6.97848711741734,-4.83083776852837 +4.06436560534428,-3.44366894965159 +3.17555242845135,3.35971921991062 +4.86293334328653,-3.30138807022546 +4.23859753270764,6.08967259908592 +2.69631044031306,6.14098486120174 +5.14745734225237,-2.03700179753782 +2.59281403557983,1.54804507060074 +8.14136628419813,-8.01634756714225 +6.42063024843465,-0.272017163496568 +5.60453729570006,-1.69554212688439 +4.1426976110676,-3.58782525727536 +3.47633275835876,1.71163900264809 +1.33849619766501,3.26189078487048 +7.33026327082082,10.138353986803 +7.11200110762227,10.0249773308005 +5.78943203232008,-3.86486369029615 +4.87633925854898,1.90823024962402 +4.45784633228611,-4.59767069632374 +5.75019645280979,-2.84398371577944 +2.0014186069438,3.97529915970079 +2.91673048499531,-0.266578740787019 +3.75003358678436,3.06229640435788 +4.49210451028405,4.05386056353466 +1.62330958504644,3.04663154547138 +3.76080434159809,1.43335055615871 +4.6050214885789,8.3313443378683 +7.198979866865,8.42871981693468 +5.13842446603585,7.92951714510136 +1.25617113816196,1.37711354441475 +6.06031149312902,2.19983094036718 +4.72817497550159,-1.04701073137488 +6.00672116835561,3.83607293607744 +3.55574014559515,5.00585773672121 +5.44257224948319,7.49962101823152 +3.62497097216289,1.98510434180139 +2.00002566228879,3.80367312060453 +4.52176836403821,0.645750146147298 +5.71797069187666,-1.37396420489477 +2.51382332108859,0.594425882169031 +2.85296704951537,2.95269843057486 +1.0336819550615,4.12578801918994 +4.77335156100947,7.08253400025882 +3.73113462081732,1.01039502190982 +2.8177159957136,0.60799576864159 +6.35404778486925,4.21772249422485 +4.95786758108183,3.52168260570681 +1.48665695723657,3.16992684884043 +1.0504778713041,1.47276725089736 +7.67237664240575,-6.668651892804 +3.78304235973674,-1.76601131433954 +0.34723900417664,1.58686985960178 +6.54318846962889,1.21797341072837 +5.28533424134025,-0.93294644206771 +8.83886778915303,9.38071953669581 +4.68250521449992,9.0684311236235 +9.15932797747334,-0.500382972599761 +-0.530967481612065,1.34183875286888 +4.87338074511739,7.38135726538798 +4.01053082828514,-2.55959491808309 +3.0945926111689,1.99226938083924 +5.68511992672967,-3.8899072158019 +5.24023184877026,-2.72247881359058 +2.20046942395284,5.5317000057949 +10.0271660590795,10.9904468334406 +-1.07913627263438,1.64521101660739 +-0.976010027786019,3.66534430964357 +-0.393808432985332,0.433123872879591 +0.875917303032487,3.92653035304435 +1.68346160251786,2.63863266179826 +-0.999240428445308,4.30702792143082 +-0.430012578912641,1.70728103438276 +-1.73021224810753,3.83446398110373 +0.379093671761396,1.10142232874696 +-0.921776142101846,4.88151434036855 +-0.0961411871042182,2.66169459611537 +-0.675413257687095,-1.20875803208019 +0.462177328081741,4.072876643579 +0.745948656086535,1.78620072162996 +-0.394810133168413,1.64976027415263 +0.812147748242169,2.34357856569637 +2.37843733900511,3.4309806206146 +2.10323037022992,3.75440342412659 +1.24040682089614,1.74813488363336 +0.678023734399375,2.28726645310586 +-0.574871325095317,1.76682070913502 +-1.2914636216656,3.21007960093644 +1.78728104683711,6.33861516991923 +-1.19581782467287,-2.53835122527994 +1.81552377076617,4.37326264169365 +-1.40679435840126,4.08938659980741 +-0.000227958643861727,3.11967187518226 +-1.46989931953911,3.6508094241205 +-1.06085381881887,3.59137794803617 +-0.465181092048615,2.85543195346504 +-0.144754478616416,1.3061727000776 +0.268139887441611,0.85915243576322 +0.187623234544105,2.45742697104556 +-1.65433380503606,0.510466235245736 +0.204364297746408,2.77644226250501 +0.465234834227906,0.970655651683045 +-1.56374401004029,3.37022278748275 +0.553556902682094,1.34279151773655 +-0.97978866787867,4.50802903672677 +1.1246911807157,0.731114977790875 +-0.371948234534056,-0.815725481314285 +-0.870593207588707,3.37370369585969 +-0.274155713356686,2.07447964088254 +-2.68864958845355,1.95354866613748 +-0.00545701246298712,0.0917919552804852 +-0.0491109593813491,1.99794247905253 +-0.97168928586843,2.42826879886852 +0.126860387115737,2.06349958255042 +0.828255079412279,1.5971720440322 +-0.108191538827588,-0.303115408721127 +-2.02570112458784,2.19883830908122 +-1.53109456465426,2.51801153990277 +0.629837426598971,1.31679544270377 +0.198214747471172,-1.50763458227671 +-0.363248283738578,0.971639200215965 +1.38495031555915,2.88475222238714 +-0.287169562790739,4.38327220061156 +0.22338328742693,1.27755281157262 +0.997718843636549,5.49059139811802 +0.585382971651283,-1.23423200842625 +-1.36503192069141,5.31039657740825 +0.113158201157382,-1.61432128357126 +0.00524550057722118,3.30391941962073 +-0.524607021109553,2.44227853647731 +-1.15446102824343,0.611567274896555 +-0.873344186622126,1.94473393672931 +0.726295128684068,1.16616177076665 +-1.07087145240538,1.50085270362623 +-0.122758599668472,1.93004574792539 +0.6594389372747,0.460844757080232 +-0.706356760688061,3.01084214757648 +-1.08884859588828,0.819006476609717 +0.210208054113718,0.545924416604569 +0.180081622972921,2.79232438642248 +0.441659601691416,3.57429151578229 +0.581872671909947,1.22493566832843 +0.255721506051167,0.346076579389414 +-0.361003980856659,2.27438990561704 +1.29130801072253,4.54254923259499 +-0.626204184853157,3.33084688134355 +0.128930948232442,1.13193986214955 +-1.28577344911197,2.28960198433149 +0.193916693841913,0.136309472884034 +-0.562253015329579,4.88194069662887 +-0.103956071195278,3.8493874297866 +-0.960113680193869,2.04756856682343 +1.60469982323379,2.82523113091776 +-0.90790984532897,1.2489419677796 +1.63755628044936,1.20508162243625 +0.18917082416443,1.99252663622589 +-0.830578881722866,4.66729423530555 +0.107162000627879,2.06401860157352 +1.16396473800691,-0.547807054885855 +-0.00435988758970319,-0.488744808216612 +0.270820107302634,1.46497278089478 +-0.918268828747988,3.41338251186892 +0.806533684187502,0.478805819323845 +0.2901231815064,1.38445225173003 +-0.772559833141859,2.48647061502088 +1.03833790939083,5.47450380990029 +-0.12655699685557,2.05041682714955 +1.90846000227044,2.3404275017531 +0.867046698472304,1.72025417084488 +-1.03828275234712,4.93744322855805 +1.99806209693146,1.62341123905898 +-0.103610558900138,-0.403048673557825 +-0.461545654682949,1.57392729383855 +-1.22273317937839,5.33249174829001 +0.862310909417147,2.51178183694159 +-2.04625719763411,2.20131038492078 +1.75833946488034,-2.74806538331695 +0.656515206636653,0.862666962225681 +0.652771910586359,-0.0159082725171906 +0.28963831165605,0.243831174347073 +-2.5262546456829,2.43379708273422 +-0.540988990502485,3.75848959823647 +0.974491315176232,3.12221435427666 +-0.533153470833937,3.42667176081544 +2.60680688489163,1.75998248590644 +-0.75696562385395,2.87438915982816 +0.0360704081320169,0.496078299212134 +-0.794170542936482,2.37812116054923 +1.02542056766786,3.33824920418954 +0.449456659951452,2.42068620439105 +-0.0946060642999286,1.05913849481018 +-1.14681347413231,1.63155001336817 +-0.566770290551894,2.06648074906272 +-1.58064761093898,6.54098475679606 +-0.431958320396971,1.12384945317357 +0.534274798666321,0.371288974081075 +-0.716801002429248,2.21077962009776 +1.69519754175726,2.71204101193841 +-1.30471605301522,2.52118663173363 +0.793825504822929,1.71547941585866 +1.14687423033356,3.18740033852737 +-0.421213194570246,1.79665895564085 +-0.504816563946066,3.38947820964882 +-1.58722554181081,4.28816713991523 +0.278523682059618,0.235202265557541 +0.731370166150514,3.50494514198846 +-0.598309613312127,-1.02955227924377 +1.23171443891007,2.00603314336252 +-1.25938498747894,2.69929665738781 +0.480274617870255,0.717597102005524 +-0.751283828080379,3.32795854969417 +-1.44640722618962,2.7928482956071 +-1.64301138581024,4.82145094793389 +0.0455473972759943,2.58629077815033 +0.49336912153432,2.42890691168475 +0.211453891711618,0.93171635301299 +-0.179098410624911,0.862563655128352 +0.128582866981569,0.471970658266823 +-1.37266352991788,3.80459112828428 +1.51390072100053,3.50457005348612 +0.485088410192731,2.68188022723481 +2.13400290136301,4.57721183039411 +-0.320982004931059,2.82206323886443 +0.163960224522739,2.33758317027976 +1.62558621488174,4.12481827445904 +-0.599569881453015,2.03867080376348 +-2.37273382909927,2.98408597660958 +-0.846412688850165,1.25085539325318 +-0.669729262916145,4.54258090854252 +-0.816476577812298,-0.984548929979625 +0.602812151907144,0.792856575106069 +-1.34745564511175,2.89617451148358 +-0.125545061241111,0.929015515570064 +-1.43227053539819,2.26268336043278 +0.86419516360933,4.13726474573156 +1.14945883819583,2.89256870564297 +-0.63304027182432,1.84717881020452 +-1.80302108661055,2.76419666942923 +1.60880604603039,4.25405633376654 +-1.80984971385783,3.36152317454437 +0.297368465855744,4.27059211080932 +-0.137228313723493,-0.432030879721693 +1.22172360982793,1.95956148913005 +0.309317237292834,1.65209621794146 +-0.578404162531051,3.96776441403245 +0.447832628302398,-0.688999282115881 +0.353205582811921,0.598190310262826 +1.30361710628523,2.91326354061212 +0.390429818473896,3.54492827401414 +-0.990273735851322,-0.103926707412474 +-0.214361350356393,1.00566493988793 +1.92196847311567,2.43883810524844 +0.26896368180739,1.85005411827568 +-0.856484993930325,3.59534412154338 +-1.5081796022639,1.12971487476504 +-0.660541121724978,3.05230005103463 +1.73982338584104,3.8766852101307 +0.184893960240468,0.297404696586974 +-1.48462572564992,4.26452887135883 +1.90034848726666,2.29662507261038 +-0.997459495433693,2.46287671631621 +-0.26963818192597,0.897546268340846 +0.656320041271594,3.06438516319047 +1.19730178700262,1.67294202132834 +0.9812324603107,2.81725507033339 +-2.41162994826146,4.68487174998009 +0.226441365214256,0.220730901483997 +0.905396412813572,1.91789421013632 +-0.452071659761473,0.974485445147244 +-1.33165924607998,5.26184070157011 +0.268467729918919,0.563577824598623 +0.39392680859869,4.30701459787278 +0.525904058547452,0.889332536278654 +-1.44644576498848,2.05978537988825 +0.018435997659416,2.17300517008612 +-0.787661711481116,0.944222033003916 +1.32543576352022,3.14527103429555 +1.52970397634485,4.73868551080178 +-1.19622110632914,3.77688534637539 +-0.0389304956462493,-0.0250161328949277 +1.76150739060113,2.61691140156458 +0.76637376961614,1.37403941683525 +0.150209689528998,1.35806638558928 +-1.19550404626044,2.65115652679241 +1.75547956566497,2.79023302443168 +-0.667029551767424,1.21908951036076 +-1.50502418615025,2.01281691459935 +1.14566025502687,4.96824802521294 +-0.170598014445831,1.18874889646509 +-0.479249023878091,0.98192578342452 +2.37188788917632,6.64874501343164 +0.529031407381815,1.20324227406005 +0.818181008140822,1.646223012427 +-0.468996981490386,1.85132091246658 +-0.532134141564067,2.34859570604784 +0.839649161100224,1.47194419331126 +-0.153651632428627,3.24618510541942 +-1.12153952964148,3.35665201160672 +0.0310989288329277,0.780216070685022 +0.166110931152815,2.89872658736394 +2.40655106970277,3.66646009580258 +0.582154881124902,2.83298982022987 +-1.47273070457002,4.1416086324878 +-0.361175201676,4.61345852482206 +1.01438455868185,4.20961046414526 +-0.305673497179239,1.20105145054875 +-1.6111945568061,3.55762168378147 +1.96996164701702,3.48995366610755 +0.799216506347273,1.49950479096747 +-0.265244731297273,2.15341469349955 +0.957337149878937,1.78076894109792 +0.374088786765729,2.92422504353815 +1.1204622518525,2.76393710674138 +-0.254695434520064,1.43046963450333 diff --git a/src/ICP/Test/treeManX2.csv b/src/ICP/Test/treeManX2.csv new file mode 100644 index 00000000..6cb2455f --- /dev/null +++ b/src/ICP/Test/treeManX2.csv @@ -0,0 +1,1001 @@ +"X1","X2" +0.144854161113601,1.12939949943373 +1.02046365203587,2.05139340813715 +-0.317719571413954,0.818386803544291 +-0.402636428063473,0.721475420365115 +1.08585651170253,2.18956236345754 +1.17126232338773,2.27779863368307 +0.560737448933342,1.55447661519208 +-0.825682627558076,0.161468320738367 +0.613273021622328,1.59085663108726 +0.00677349214554076,1.05435108099667 +-0.737266652698753,0.185125401368192 +-0.87560292779064,0.177050394872162 +0.704170509016037,1.80130149553325 +-0.471120313444182,0.780133469266645 +0.484975574139969,1.29078183088188 +-0.185217220960545,0.833095743275433 +-0.169850270786002,0.773929537383022 +2.77696087496741,3.79797942321188 +-0.660533102547969,0.557806187369581 +-1.5323302082834,-0.455133450209491 +-0.631034229745619,0.367979621573232 +0.383324272978529,1.12912365841273 +0.0321151152491749,1.02857714346622 +-0.528411504495152,0.404338893020199 +0.398321986204566,1.49257489196029 +-1.3774419863057,-0.32456184874999 +0.663078282963271,1.67837734448411 +-0.628913240864436,0.469155989920143 +-0.531894923443036,0.609815029671672 +0.715985208776369,1.70239870019609 +-1.17810281395992,-0.312963113434938 +1.30506462537077,2.21960746702472 +-0.790313177174736,0.142898001549987 +0.171661908906979,1.15857000917552 +0.561740315497394,1.3993531207929 +-1.00133801708562,-0.0586234439050908 +0.461299266015383,1.51810923526691 +0.0866201600702174,1.2015087693073 +0.797464801924785,1.7862690478648 +-0.149081275010343,0.743370288766456 +0.76318711056422,1.76948799788709 +0.376746123531456,1.52491215955031 +0.88095859350948,2.00937983917791 +1.281214056776,2.26961300981249 +0.528700516453281,1.51832634356135 +0.509851027819349,1.48811788075764 +0.900095214734329,2.00497815816639 +-0.625593677068419,0.376988911435411 +-0.739475769570936,0.31606767424123 +-0.981613385868794,-0.255863546369963 +-1.18003262962574,-0.216857242006272 +0.57640002536649,1.55001423768585 +-0.357453988328751,0.660527563806419 +-0.503193073455277,0.507406278836199 +-1.38241672929649,-0.200754511801006 +0.998491995156694,1.81831703740352 +-0.578570304348597,0.452755981898589 +-0.2525482884672,0.712246215897533 +0.351226479395457,1.51314622928217 +-0.19290348902229,0.951740969444322 +1.40631810372062,2.26038588996159 +-1.34329454708451,-0.208025185782241 +0.311266534988643,1.29686253665781 +0.392300445036722,1.32196615039293 +-1.75821698063809,-0.476529917374502 +-0.370500700962354,0.543879793620498 +-0.707992156298366,0.335968090123625 +0.88641913743382,1.78766537062918 +1.27516927818331,2.36162864540907 +0.214118087773951,0.992440061904841 +-0.198185558980923,0.764345181363648 +-1.16879909292533,-0.19668994637484 +-0.810489038166601,0.319261456925727 +0.0283606511038442,1.16612592873272 +-0.848234331572709,0.284867058251883 +-0.345359822084166,0.641270368407051 +-0.895993826294214,0.151611632656195 +0.536285621519179,1.65800560802699 +0.290375817927385,1.35188646715843 +0.307757096045981,1.44896677404971 +-0.456665454646488,0.658643699630118 +-1.03418664934002,0.152061883884014 +0.0299502596986923,0.949716408840269 +-0.582415931617073,0.385933145419733 +0.80742739613527,1.77948396798533 +0.0838766506924595,1.0270353716175 +0.129980513532399,1.30381181496026 +0.981696693053042,2.10562609336477 +-2.04126044108403,-1.07046869559925 +-2.01348372773688,-0.791850312040352 +-1.15365159291842,-0.325630443558968 +0.782385391299131,1.86976899039366 +-0.123772588486489,0.739811616068356 +0.347548604825422,1.39442523321834 +0.419767667179898,1.36686653636985 +0.532941804189205,1.67122351628143 +0.307084120174231,1.23878787485067 +0.720512289316933,1.74201958322784 +0.436023976125812,1.34432738172482 +1.77276154443659,2.84453598823666 +-0.200252315774106,0.768363392081944 +-0.0521918160444453,1.01006868154907 +0.100199192739328,0.951717034273803 +1.78172912221825,2.85412811028674 +-0.419948000226195,0.472570727891651 +0.496371578655036,1.45671959113196 +-1.63147241745339,-0.665303033964148 +0.0634927178243807,1.10862335221773 +-0.854850607614775,0.124205891981899 +-0.138822252677092,0.846484476649922 +-0.159356289536656,0.888626728673639 +-0.686882277623925,0.580015888959828 +-0.504108749293855,0.562713845043247 +0.974911419869448,2.03765139026902 +-0.0515039508018757,0.909611224007164 +-0.934898170312942,0.143314115009009 +1.36479915398683,2.43646326398334 +-0.637168509371777,0.490233740559253 +-1.43168026734264,-0.516925085723807 +0.445528533527289,1.40292513958377 +-3.3686554389618,-2.41822797282366 +-0.343830236099799,0.629413993906173 +-1.33888656568965,-0.532485499275664 +-0.112952942437954,0.833488701273491 +0.0439501332467459,0.971670254901076 +0.551869353132571,1.5799807910612 +0.950469723676309,1.98180550555776 +-0.94269554817517,-0.0885359105761223 +1.90324555469664,2.81250690398606 +0.705354390851908,1.77118146849452 +0.87194986110058,2.01106189082029 +-0.941330712426493,-0.101679715485041 +-2.11979136875045,-0.984515207540993 +-0.210826969835585,0.897983135736222 +0.464506631036501,1.41731639084376 +-1.76115576048459,-0.729301936114016 +0.429043366659627,1.5656211634089 +1.65544527552396,2.83176882647938 +0.269027794690281,1.12745010934538 +0.0543749579597363,1.05367124830353 +-0.413812043639479,0.554890941003004 +1.409104129701,2.49118513364418 +-0.6281942124954,0.536534104187475 +-0.726524095108701,0.408392601715186 +0.504282107069477,1.44143703963807 +0.215926314124519,1.20165881373089 +-0.370795502279371,0.611432386497065 +0.24122840807143,1.39385854413382 +0.756697515660487,1.76298936895466 +0.592556425820738,1.76435178068752 +0.132297895660735,1.27816791519886 +0.440411105951664,1.36396102123957 +0.13889579397676,1.20231287312335 +-0.0423685613759501,0.708336656657111 +-1.49928724542596,-0.369761201685675 +0.427653061622409,1.43293842899708 +0.538183487899526,1.51156718982796 +1.14574714951085,2.18108956728361 +0.753870405052554,1.70538890840281 +1.46582491756448,2.49704223798558 +1.06165346087903,1.93950287185072 +0.325121852350418,1.20540397913259 +0.16814874332623,1.13709505661363 +0.126603440100063,1.18163286983975 +0.479234744800538,1.32316299659142 +-2.79093399448979,-1.74714705595084 +-0.312343974211738,0.573094735289788 +-1.12227229229394,0.109276348957802 +0.100608456756665,1.10918778055385 +-0.0380552101905077,0.848422213310773 +-1.51277723963807,-0.228620724028217 +-0.0619738196722439,0.756906581376813 +1.39193017956516,2.43580732540052 +0.594855687222264,1.71523417336677 +0.390772624944871,1.39439708651268 +1.32849276821348,2.15154131065282 +-0.0190969948060665,1.12250961798612 +0.59116927219782,1.40293485725507 +-0.788623889073694,0.237318038837812 +1.12949997977457,2.15553382409934 +-0.169823065143342,0.738984655413793 +-1.3526019979234,-0.278386272267899 +0.210117189124505,1.23622792941553 +-0.888399536337768,-0.0675580614548123 +0.213531756134606,1.07992539032413 +-1.0972989734494,-0.145010278965866 +-0.342857242534573,0.834813328950398 +1.09366585007239,2.23294393801382 +-0.62382780406713,0.358679244848381 +0.735846463113348,1.799910994761 +-0.618027598067324,0.391365840185804 +-0.0301015211735565,0.890562778785546 +-0.257465647381032,0.721425257476843 +0.712542563240803,1.6308317414232 +0.235348681783791,1.33976835845736 +0.905529976766127,1.78719663268005 +-1.26423278941108,-0.254449042764617 +0.207918431202293,1.27727079762978 +0.344475101150209,1.15659830096674 +0.172885711000505,1.10317944802353 +0.545125304713307,1.3782502682121 +1.09798979331842,2.25015950066023 +0.898183325615167,1.91929810325456 +0.803773316042599,1.81598607883644 +1.21050478789696,2.25871340630777 +1.24809694034992,2.28320165797225 +0.736048345944977,1.81873715583976 +0.186206639531922,1.36603218061049 +0.0808103780425605,1.05142894087558 +-0.597401489420679,0.369097909262804 +0.951288616001206,1.92218794600364 +-0.261785958447747,0.546719963014263 +0.428802178726207,1.45212464375114 +0.862460165525869,1.9308619375029 +0.817704401178421,1.8036214140527 +0.471853751067987,1.40688229310741 +0.428776375030318,1.49661607051101 +-0.609526408629383,0.198258601021853 +1.23769399513369,2.34617572375466 +-0.353897160237441,0.832744970499993 +0.151417534270525,1.15755324384413 +0.171734734648349,1.21368418789258 +1.13988192213,2.10561118134676 +-0.473560297718179,0.722996449892696 +0.684364125946725,1.58242810809373 +-0.164384081202463,0.899385735964524 +0.548652022762727,1.64382696955008 +0.196106701953914,1.138702804482 +-0.579670820727577,0.196486224999455 +-0.0842594766609294,1.09350630122492 +0.541715021800387,1.53130682907081 +-1.55973027162484,-0.537666840736392 +-0.915780599792959,0.0939072796604217 +0.490228189834906,1.5340019987518 +1.49386984982195,2.54660170702884 +0.403239461376996,1.43134664194332 +0.978405520234648,1.80138147424775 +-0.465332915665085,0.521726828641923 +-1.30134745739668,-0.493534979459116 +0.54051076676566,1.47130937517118 +-1.69284376945217,-0.699372588193554 +1.83362017176301,2.83117694917325 +0.632330086652428,1.66234271529108 +0.871786768886703,1.7686572488581 +-1.74560899444964,-0.649439950290794 +0.735892177888226,1.70018341268872 +0.988412286108921,1.99117874138774 +-0.621483140047652,0.448731088821817 +-1.13796067716204,-0.203025162157914 +0.39068469096714,1.5234658617889 +-0.0288882786761998,1.12074012802849 +-0.0830304479552849,1.00382812214365 +1.12815012493778,2.24111485704404 +-0.68924688615533,0.391431479013731 +-1.46280232078793,-0.585303589693897 +1.55935607742207,2.50988052773097 +1.36298853606249,2.32732397206625 +-0.283127116182609,0.672111728231989 +0.0124823855940386,0.845795448929565 +0.873288650761372,1.88473431094412 +0.890132624125946,1.80070084184728 +0.813571802019099,1.921201295362 +0.389818765702977,1.46230496828653 +-0.341875338297216,0.68684413458716 +1.51238034582991,2.48963034213941 +-0.694458845466991,0.382845805594013 +1.30267870926498,2.27232983965415 +-0.789155702777108,0.132282027230934 +-0.616904772417218,0.451171804955797 +0.577377930539381,1.45597597104447 +0.143958677345633,1.15805285665087 +0.28901624707403,1.31336826007119 +0.857823147361148,1.71072959620171 +1.29422927750811,2.27194697963944 +-0.527501971138727,0.556053208596887 +-0.60341338020607,0.30900309302815 +2.15648594731721,3.12334653531847 +3.36414714755287,4.39014697564162 +-0.589085010284764,0.223503984735233 +0.0269296385355288,0.783564194720466 +0.118345362957765,1.28004912514329 +-0.569589241120818,0.366201243969838 +0.403334993906297,1.5128854143627 +-0.839189131109633,0.153205414060757 +1.32273190700171,2.28994091621028 +-0.798601289959604,0.25323181394197 +-0.307348059235089,0.80790376765618 +0.657402757070615,1.64006029479266 +1.06558807354134,2.12333182988251 +0.71644921240463,1.70624867932893 +0.340781834103432,1.37174215285899 +-0.209954465439302,1.01155713423587 +-0.34331227916316,0.651972664209305 +0.502210773940559,1.44782091586915 +1.55970887432195,2.37744090253195 +1.12303179838662,2.0777361547872 +0.45094088908428,1.46974913559821 +1.0818479678993,2.03507795916822 +-1.39666655170243,-0.51530540225401 +1.62964819203361,2.55523245980706 +-1.39503151200576,-0.28338210026928 +-0.712363095559446,0.211622996659202 +0.977320636666206,1.89865349846243 +0.247717303337748,1.17260852556675 +0.191604735626474,1.07317941002035 +-0.48412978876885,0.592222919303048 +1.40969031285034,2.09628584219081 +0.802984948137611,1.84681656420372 +1.20373600336807,2.17929766315326 +0.633593606420887,1.56087389935506 +0.286229725054577,1.23073396037555 +1.53926895077994,2.52693488277076 +0.957937865371498,1.76007645117107 +-0.186875426147248,0.774526107166094 +2.3630020874979,3.35525033545433 +-0.239682674562122,0.804861564153247 +-0.855583688076974,0.273905393376851 +0.493364485845562,1.56837840952033 +-0.588793781151072,0.441398278277568 +1.21752590304976,2.21708401794605 +0.334848793933095,1.20100518224282 +0.384970257570064,1.32668864888163 +-0.777025039666691,0.128967501059738 +0.510375938387352,1.24334166283831 +-1.33089730224015,-0.266876464528411 +0.722169871280726,1.56642310187642 +0.0669798740009781,1.13677456858644 +-0.245784545303428,0.57998116063199 +-0.903574242303925,0.0561862456756746 +-1.13891324241607,-0.0632281361838395 +-1.02664385839578,-0.119984163542492 +-0.994340655199092,-0.0526640431987944 +1.4137176516705,2.29996401873373 +0.404702835053653,1.44692271472489 +-1.18722934586132,-0.315723756578049 +-1.52466329790676,-0.616069611781417 +-0.743727080662396,0.21345564057401 +1.26812063822797,2.26767221715517 +-0.0091301688736112,0.972163565046985 +-0.947926949356911,-0.0483212172494832 +-1.05795735798119,-0.14808154105478 +0.0759499133417803,1.08510020325224 +1.84590269744007,3.01952343789793 +-0.504832060665468,0.522082093408154 +1.39804188179857,2.25835292861498 +0.113058881100347,1.11392058021586 +-1.44183478700823,-0.344470438658927 +-2.03219736327205,-0.909173499840275 +-0.309979790339206,0.758357212264182 +0.471310462940221,1.48207648422848 +-0.187729369202868,0.783599860955759 +0.155597989621419,1.08134429604052 +-2.19209953598758,-1.10806101102061 +-0.626438182142663,0.378518787507537 +-1.2889194765288,-0.0798479340787261 +-0.920919933121273,0.238383680040609 +-0.540425331786741,0.268166990692772 +-0.482186795050909,0.480423274528904 +0.847130819957994,1.87564733293287 +-2.05626795446023,-0.964183561256865 +-0.856881240622587,0.213929262879965 +-0.547123381052867,0.38735396365021 +-1.00576770835552,-0.0479934509535286 +-0.878295326505102,0.185585647244749 +-0.0572569045934618,0.884126569896785 +0.648564146235752,1.72035387822708 +-0.385593114092809,0.623167616539309 +-1.48296193794063,-0.487220727453073 +-1.69059992260194,-0.716527540927707 +0.533253711636933,1.59579041858346 +-1.25961512449025,-0.202603000103374 +0.613564005680604,1.70215804337059 +1.02938219574406,2.28974565507462 +-2.3441860638718,-1.25178601886385 +-0.684964394071779,0.322931954247495 +-0.273081784224483,0.911201853787488 +0.490440015372566,1.42726039904649 +0.550033012517872,1.63787649855304 +-0.239671429512735,0.688884745215819 +-0.0880298934151158,0.794558702642248 +0.889568902021761,1.93139626878887 +-0.471537503212439,0.559575907998998 +0.0857663064470661,1.25295739230897 +0.557113448443219,1.61288141085708 +2.36470498130962,3.31572949640157 +1.59253083769411,2.48575280045328 +0.703249437717067,1.75355226939815 +0.237527222914793,1.1313630404435 +-0.272349617349584,0.808282900625015 +0.454640907849837,1.4739288731113 +0.00255909404119074,0.996550894220642 +-0.504623599749568,0.527036755870119 +0.623111848483807,1.71793171714485 +-0.485109097641904,0.451045604015386 +-0.375899769319716,0.672049800879261 +-0.107738868309273,0.819015825411743 +-0.0732710556405778,0.994956897183186 +0.0895772547506516,1.19674352209292 +-0.0679541835203969,0.948793115470269 +-0.0979147090151693,0.892754553197637 +-0.0206775150690378,0.691043048886423 +1.03698480376472,2.09583805929829 +-1.34485105723331,-0.366021896894814 +-1.52026081319043,-0.488714182076361 +0.890954445954818,1.91572752505605 +-0.109673276219468,1.12611852149682 +0.729397835913192,1.70054803949938 +0.459970454175598,1.52177927544254 +-0.267605877482337,0.771072334152085 +-2.04737595685524,-1.07281629593133 +1.62542268199813,2.55743768189223 +0.379151002801585,1.3238399775728 +0.115647946972785,1.20490354955519 +-0.177619382153999,0.682602327400663 +-0.207078834545655,0.861175724875814 +-0.441804504906535,0.579642189704476 +-0.468486127692789,0.562327544078399 +-0.0100278762826167,1.04474213562705 +1.50290989119859,2.47125831913284 +0.285524339091252,1.3295415708802 +-1.36015538552584,-0.338910972509258 +-0.0401540195158956,0.890552034234581 +-0.220858617410692,0.912312775473249 +0.314959549134515,1.35235639235189 +0.518411094940444,1.62354562469091 +0.230071767535594,1.19814220195792 +-1.15633470040271,-0.12450326744816 +0.82935758158634,1.91497414195229 +1.16222203582603,2.27286182981848 +-0.435163940030554,0.385279873761741 +-0.102069891656745,0.876402435388178 +-0.725555350764216,0.232254720627756 +1.09094201982584,2.21218648055796 +-0.671674580177539,0.371999730153053 +-0.218831219457938,0.77836588405514 +0.484567170606328,1.58470176457824 +-0.235113308808379,0.809592722937855 +2.30751855914177,3.23373257445837 +-1.78441353752477,-0.971721517219461 +-0.346005703285997,0.644239054269111 +-2.46334349009275,-1.32507506853739 +-0.836382825658192,0.177224696909681 +-0.515903642186005,0.558666594054727 +-0.237601612989946,0.773803946011861 +0.210497181990917,1.21935600387996 +0.304517475427605,1.35792717742001 +-1.13849284004309,0.0329775652410439 +-0.354100125373076,0.667486511028852 +-0.18507733414237,0.736016951669241 +-0.498620250054425,0.528650894409641 +-0.936490019793314,0.139242085095343 +-0.188507241704225,0.894954007301598 +-0.703352252485097,0.345695612842511 +0.459642099184228,1.55711026933502 +1.87851341419775,3.00427665814522 +-0.166656982366248,0.858776872700868 +1.52446058252295,2.47422797862809 +-0.16509576104109,0.894358801600642 +-1.64473891158463,-0.557661624783115 +0.485735736345434,1.4580590365409 +-0.636682206901715,0.40618566004798 +-1.3148301876626,-0.302456589345548 +-0.111267050545322,0.78742234026188 +0.171709565784276,1.23103070076173 +1.06285715797049,2.03459636729953 +0.200580920020109,0.909084269199349 +-0.37943485012329,0.727864914136369 +-0.962982524608592,0.0472984515189619 +-1.18030314550471,-0.12659936873871 +-1.92554904134877,-0.915643896128283 +-0.738523719360192,0.374049129391905 +-0.556188586723604,0.456061271390852 +-0.513421512595622,0.475211772642078 +-0.574664072138664,0.437419561643119 +1.570589706895,2.60690125457634 +-1.58449978465956,-0.568471234024813 +-0.566126688886929,0.421945350347702 +1.42904148082949,2.60700677364105 +-1.00733501142588,0.0892423329727123 +0.00379824970860721,0.819417194664713 +0.87698185469305,1.85498483038414 +-0.856204537808966,0.219234776684226 +0.0335718214322115,0.867312784661657 +-0.169795833058248,0.711138459225059 +-0.49649870156777,0.419810627697619 +-0.205688228249315,0.725814484335807 +-0.571879651979586,0.550589764543309 +1.46592158727352,2.37418107197295 +-0.773864112386257,0.212845780257982 +1.66054453008136,2.569132669036 +0.783641621875414,1.91871397586146 +-0.0333245991838104,0.835650462305834 +1.1131472961968,2.00965193212907 +-0.409324949140055,0.443770473508841 +-0.726400505589721,0.227872812785731 +-0.668602339130881,0.349800845833895 +0.909524759901766,1.79299809510594 +0.364854112723424,1.23142885858955 +-0.649102895561817,0.317725944600551 +-3.21621098199432,-2.32879670058371 +-0.707725452516918,3.36106355740351 +0.161906773980164,4.31547151437346 +1.00808590323805,5.01369755359865 +0.608906755674751,4.69746760133478 +1.31802882569243,5.42948842514031 +-0.0929606274580282,3.86265353769878 +0.533543342939532,4.49643678396322 +-0.611076292823389,3.51806226481226 +0.206399965190604,4.17931667714491 +0.33980051278074,4.29700139998807 +-2.16295028133543,1.70881191671597 +0.240573102767157,3.95194656153165 +-0.72299294319662,3.28618920775964 +0.526521087354125,4.4609705961774 +-1.86801659152084,2.17758379109339 +-0.00675354974811646,4.05606261070859 +0.296131796430591,4.13060482596917 +0.295696560248498,4.35012947199053 +-0.130000659385433,3.94289109174026 +2.15008663273165,6.10964989897517 +1.18737822784936,5.09650894229427 +-0.525010509626609,3.34097275971634 +-0.0388339856373388,3.89264677050918 +-0.353718483838659,3.69505076958828 +-0.0771422786300077,3.79393704407943 +0.211814360843512,4.12578083077961 +1.02981303070346,5.22772945641461 +-0.638588679502617,3.28250940218269 +0.887790290698601,4.67374548829385 +-0.00474304943271266,4.03465468976935 +-0.246202927641354,3.73679280338388 +0.28265430827487,4.33225684586265 +-0.260995986048478,3.85821883259903 +-0.0600973531578507,3.95779254573338 +-0.382111193632254,3.7925028591784 +-0.67192733991912,3.15247264819009 +0.895939974797822,4.88195781724835 +-0.0125441457994895,3.99005604767946 +0.79301503861679,4.84451194710752 +-0.430012579947705,3.5713799441232 +0.153265231572499,4.2839403513604 +-1.24070332767642,2.96074669672605 +-2.02988014084083,1.93550516890424 +0.183146670144657,4.14305760896581 +0.149533148116588,4.25802930702102 +1.49075534555314,5.42412703668607 +1.08873753598137,5.15711864426085 +-2.20369727724045,1.7869351860567 +1.43430347829979,5.47864999194197 +0.605729166061919,4.55764929083333 +0.766332544128948,4.677629931337 +0.913730018714534,5.13732309286079 +-0.291493940227503,3.71887093292447 +0.571299095427427,4.48882884353725 +1.00208107646453,4.99245923720724 +-0.0501920243402546,4.02967921799218 +-0.776890044564241,3.36267124069298 +-0.0408304662770558,3.89445284076288 +0.462486819332554,4.47525705564585 +-1.00475036432548,2.74646604053383 +1.45734634376777,5.33508568839886 +0.164785731795149,4.21286134126834 +0.211603497767438,4.14697915855403 +-1.12101868607265,2.79190632124559 +0.588829246224379,4.68500403154327 +0.264723530181099,4.25890267759179 +-0.868388335838761,3.18700918865743 +0.600652191190506,4.6353156729431 +0.160775651428226,4.06360039790725 +1.00044331197477,5.03116394809863 +1.00804800430235,5.05394920908096 +-0.522172864552506,3.50986523855921 +-0.971769813052971,3.10554226522894 +-1.64614125099137,2.36301133551968 +-0.00172565203893228,3.99124270930081 +-0.197111537136267,3.8765444632741 +0.216583163443876,4.18484158741789 +-1.13390546716384,2.92003928702608 +-0.59170514858073,3.34182421554732 +0.421608878259171,4.35470635629317 +0.474250454651879,4.46265301527952 +0.305347241846819,4.44163954501574 +0.619191775295695,4.63241118870452 +1.73476974406243,5.71046383255382 +0.138967367105697,4.11841801153187 +-1.27420891962086,2.50842767304588 +0.340267514562539,4.31246770514288 +-0.565780105174667,3.50394468005758 +0.41830474864105,4.34794664953525 +-1.21719307884989,2.78853519967376 +-1.59191435036248,2.40774432039761 +-0.397704724024238,3.60122072584224 +-1.41410715688135,2.47763603999066 +0.678577766492866,4.59640971664784 +0.173652670758871,4.23837048056569 +0.0270495968343015,3.95511559414833 +-0.753365704507313,3.20977104407035 +0.434292092691641,4.4392853200885 +-1.92708079908403,2.01662053183929 +1.7854562530976,5.87963194708753 +-0.0852178261872052,3.97727110245074 +-2.36444116423688,1.77129869525406 +-0.794306739806261,3.27033480173171 +-0.713528223963141,3.27802539847729 +-1.45218181132255,2.44161849643571 +0.428551261042955,4.61206564046872 +-0.601914647249214,3.43196630865297 +0.250355188742369,4.19930602772666 +0.200177469073248,4.2908972281917 +-1.4744054542869,2.38068709626421 +1.0200802808341,4.97993312969516 +-0.805596688341726,3.2663280736531 +-1.04499101849256,3.00206293964148 +-0.340203598211882,3.6766848007813 +0.148240672194612,4.19458562337441 +-0.956357452399962,3.12929113390573 +0.559149273058898,4.58866617817596 +-1.96374342263831,1.92478986089395 +-0.260051800212994,3.7375875557343 +1.71144416654589,5.62668896033974 +-1.10346423103713,2.87343590041049 +1.20533783807162,5.18629788274621 +0.0815875214011279,4.07347031630176 +-1.1186058932672,2.99145788166791 +-0.856952170904917,3.1036364824398 +0.564568442351246,4.65171973250192 +-1.1682204607195,2.64751852301944 +0.585605002532745,4.61096148682055 +2.57966450842422,6.6335678882944 +0.688948573557373,4.74674680531205 +0.488376381852152,4.51192322077706 +1.060621459833,5.04199848914428 +0.0119130539059222,3.89563821540768 +-1.664012072574,2.41948685429528 +0.604307370503421,4.61687919180897 +0.0759310134751075,4.11015155723288 +-0.132677479258436,4.10291202582949 +-0.701749031174694,3.46310539506363 +-0.724646237164139,3.28742318981279 +-0.752181484918873,3.29915018066564 +1.24993442122096,5.30959292453226 +-0.953940917712681,3.2525137085436 +1.14923214451066,5.03306514328078 +0.110903658329574,3.97140863384224 +-0.48608776211382,3.72756610163347 +2.12829481452335,5.91809563273408 +1.24268156746054,5.35312888025055 +0.302836143517349,4.57104217081938 +-0.138007610795877,3.92559311616606 +1.79929506182815,5.85311703251142 +-0.890699849104763,3.27569335499448 +-1.66145042465538,2.471304245909 +0.521395917712876,4.6243942578375 +1.70444006082269,5.61591421405236 +-0.0736782129706682,3.97138002280682 +-0.695012339674828,3.45702076992974 +-1.50968217453744,2.54324413182579 +0.907646281731671,4.84442057555098 +-0.437778199707549,3.61884796502769 +0.924257905845862,5.07504619014959 +0.0587594232014798,4.06231645108322 +0.39187187372325,4.32237250400713 +0.00927577243197536,3.94547802015623 +-0.476147679401975,3.48509738904315 +0.678152270779745,4.52883837425548 +2.00631923346449,6.31060518815363 +-1.2500909157566,2.77246263311096 +-0.196873332717849,3.7155686458736 +0.660579873367615,4.80309665790436 +-0.0971490477662419,3.79575539242485 +0.303237894939513,4.19944282601161 +1.86728079712365,5.79459597019777 +-0.737424574333556,3.36987814356361 +-0.226305641606942,3.57120822659204 +0.741514161555659,4.81248626363548 +-0.972763219141015,3.05050858683552 +2.5165558880413,6.58674564526733 +-1.08477239088091,3.04385416737611 +-0.789271637609727,3.16523473187407 +0.584942550659875,4.69691060032681 +-0.0157173662845616,4.03416301061277 +-1.63443586961049,2.35607556638989 +0.111439449414129,4.19664553932126 +0.74645952230223,4.87943695933539 +0.976673720546459,5.12344060232928 +-0.281956695461305,3.58295041538803 +1.18354734337433,5.08771271753026 +0.554226901768491,4.49294571925461 +-0.298454044943636,3.82845794586833 +-0.173102732028424,3.74242049670068 +1.1350656872559,5.17586329757172 +1.75260762427085,5.752092972077 +-1.48111783814857,2.59019006948682 +-0.0626093004053021,3.80539184261895 +-0.693592345270914,3.35000024517709 +-1.55249908380355,2.30437397862808 +-1.83225164776016,2.08397102820384 +-0.979873788611152,2.93451807692327 +-0.93934169977875,3.01477480276325 +-0.197601925315652,3.86491151596422 +2.86716289016744,7.0111866073657 +1.3631929223505,5.24679293346863 +1.61115041560289,5.6020306326742 +0.653455445494999,4.64756731693645 +0.83705551346492,4.81662799758482 +1.98872075465327,6.05883824189352 +-1.05138783203154,2.9843369610503 +-1.27732923354581,2.72657896427479 +-0.423048855610798,3.62395235022498 +0.59006407756333,4.30680093294633 +-1.42349776346325,2.45848664566575 +0.685003203737052,4.66996772260082 +-0.579459798020664,3.39752219074669 +0.438496261024209,4.37293312840929 +0.785710719690061,4.80734596680877 +0.117865282474032,4.40221875247223 +0.151057553120553,4.1130424020412 +-0.70786854629732,3.32136883664969 +0.573295869177802,4.83198068834985 +2.41653263796389,6.47568479654786 +-0.888384108992824,3.23834229986626 +-0.514751465651756,3.43474692895934 +-0.491778994131707,3.5297865560075 +-0.026720134018712,3.97939425875208 +-0.518253183901861,3.54056584727327 +0.280447442177561,4.40479813499425 +0.0709033122595072,4.0929105330793 +-0.350309040334065,3.65947179107772 +2.9499587103874,6.88737197597275 +-1.62942144829621,2.47309139803786 +-0.392812228568521,3.47708044204338 +0.132129983164512,4.16614276266762 +-1.21068674764452,2.88619077551338 +-0.610222869851575,3.2841199583907 +1.64617177800886,5.62978507495101 +0.490197352641235,4.50088546546314 +0.196403415781737,4.13872022310593 +-0.119093281427168,3.99328400458164 +0.65673514251086,4.75980901010762 +1.31394531284684,5.43468099794084 +0.124563954137154,3.94250950917346 +-0.45397691122828,3.39653722879415 +-0.403454827764191,3.61936161826688 +0.827414647259378,4.86376479359426 +0.641488176402255,4.76448744195108 +0.123655973893129,3.94815920936935 +-0.435770421575781,3.70687310868489 +1.00283458819589,5.12327414928359 +-0.69107158253607,3.44078283576851 +-0.733873888962955,3.16362095153216 +0.477963393828134,4.53227282158904 +0.254352076089583,4.14245133700773 +0.18528768445968,4.15005538355988 +-1.59311307524948,2.31044634334738 +0.542121281925509,4.6969207525804 +-0.53532793039953,3.48607966436004 +-0.4098209714965,3.55524814146871 +0.0259523853323185,3.98417144211565 +0.389422977548513,4.1585398880925 +0.812020822518543,4.7043935714624 +0.230562373187469,4.17074645611392 +0.0342147215319545,3.99577960559758 +0.459124682915796,4.49171477554481 +0.0949591097480711,4.05428775827731 +0.598098008164488,4.55564384522845 +0.162521380880217,4.07084589401463 +1.45347235458523,5.52183621011702 +-0.709759381088581,3.33565619496298 +-0.508310355724319,3.57039223522582 +-0.111316477688548,4.09875980661837 +-1.09306721272604,2.83119583188841 +-0.289035815446673,3.72101801662439 +-0.55698998960949,3.47041055347159 +-1.40191548099289,2.79139093767721 +0.689878838044435,4.60654528792274 +0.886974272565527,5.03847648494911 +0.218421011904336,4.17697571849831 +-0.75452211623465,3.39077273169755 +-1.78987083876268,2.21488719175699 +-0.243984499319421,3.62548456989883 +1.15651214107224,5.31394415674994 +-0.103945039717613,3.69244515274834 +1.33150417481249,5.32361501482047 +-1.30254725335789,2.52837141919154 +-0.172113605699612,3.75422604446959 +-0.335984663547212,3.7067152637518 +1.08579436376309,5.16534042797442 +0.872358976599312,4.98990927953654 +0.163635426635413,4.16126036150508 +0.4999318612454,4.51621970690537 +-0.222238457703334,3.71210735581036 +0.510057987226925,4.5025987817718 +-0.697183298560954,3.20397142389104 +-0.557709389309454,3.33050141233731 +-1.15205126482638,2.91193766331307 +-1.7127093113641,2.29222521314733 +1.76733984713532,5.66930475179458 +1.32437843331954,5.28985618271306 +-1.81312715638395,2.18206348997099 +1.73549147465133,5.65577192164122 +-0.166131742066804,3.85085653077879 +1.026941137378,4.90262955197787 +1.09026470913696,5.00523590694035 +0.625602141326002,4.70111953920407 +0.611557791727167,4.59799078411708 +-1.03797871906843,2.9737934525427 +-0.710049357056543,3.33571500151669 +-0.873005539393038,3.01098166118724 +1.52241597260948,5.58006877098463 +-2.99241419714433,1.05973725082386 +-0.370880221609925,3.63737068115237 +-0.860948436273277,3.11183982536063 +-0.875187622908428,3.1365234263306 +-1.24299229558736,2.78898021307936 +-0.835051808469993,3.12181433426486 +0.907937178652747,4.90556219218421 +0.346323376463007,4.27654165567302 +-0.284324647253017,3.72849489141126 +0.716575824927388,4.72105878184454 +0.780785944172668,4.8529024200274 +-0.069610865178431,3.94951403319983 +0.701702109483385,4.70889045222219 +-0.765202043635209,3.35861914336312 +-0.107343966865669,3.72361346347255 +-0.534925486413436,3.51411182828696 +-0.459435170185341,3.54545886266711 +0.161207991220934,4.08210103975018 +-0.714763159890047,3.13723281090937 +-0.175775290805583,3.75517709360448 +-0.44864306235269,3.53566946147828 +-0.230193980917583,3.80550891446006 +-2.32328216325672,1.85165334282859 +-0.159928549726135,3.67551527123583 +0.0903893680348846,4.09930802701312 +1.070144349887,5.32631624046527 +1.83305239717741,6.05153370456663 +0.150024227551996,4.20302078856763 +0.250756396804764,4.15398880231082 +-0.2299084733758,3.7169357584883 +1.11585439493756,5.14207489416723 +0.813395134334415,4.85164022332875 +-0.881770072175594,3.29499208847227 +-0.647723593394462,3.15598445262371 +0.792266662086787,4.75194621605286 +-0.502401716893065,3.50102291551286 +-1.17180001016193,2.71074505960593 +-0.460102839925605,3.45253526864442 +0.928509215758764,4.96815866713921 +-0.250266618226746,3.69364200419799 +0.671908431508554,4.54952259963636 +0.999509239177458,4.9928216276203 +0.601204592693023,4.62251249291471 +1.38767386653126,5.34681341469272 +-2.07903001009812,1.86740718433057 +1.92186719386489,5.82501945771398 +-0.778865808115136,3.20810078649594 +0.375327420283241,4.29731239654625 +0.538497136964261,4.49225638824058 +-0.754160735624323,3.29696504546886 +-2.17036887139066,1.92114092213759 +-0.28841464359715,3.64953815440009 +0.0388895585088092,4.15140124220499 +-0.976656904818545,3.0261182587773 +0.601185296496596,4.57255112617449 +0.377702204294023,4.36651968347843 +-1.53736984170357,2.5108590994309 +-0.679397139718281,3.39514351534509 +0.579426376953208,4.67437997313074 +-1.16688964055685,2.80213434974641 +1.04469327688953,5.00886607516094 +2.30070794117441,6.1615006648002 +-0.356228839526059,3.63808074471069 +0.371525220391295,4.14096136116144 +-1.10126351781036,2.78811872638028 +0.170468685007059,4.14592235059092 +-0.0256260359075995,3.91228398970349 +0.510567000390686,4.41974681102585 +0.79377880178344,4.76801670148251 +-1.26688328705576,2.70757509128143 +1.30610220916353,5.26000480980893 +-1.50891288024933,2.4970896972374 +0.549608889559401,4.67597790588304 +-0.314574947864138,3.83241882461558 +0.0917391656534166,4.32021778216411 +0.760084484952603,4.77101087983316 +0.242653432301763,4.40800038192012 +0.00514314409104696,4.02442738357258 +-3.86048189316997,-0.00203083937514012 +1.92996816271471,5.87285170515769 +-0.368222745264062,3.88152036903989 +1.33887156512546,5.25990662331851 +-1.20681412901281,2.86149282164533 +0.964369582928873,5.04807555460914 +0.255427661653835,4.31926808293487 +2.4223393027344,6.38172635356464 +-0.185126891967503,3.81271479437861 +0.550886510368059,4.57405118842332 +-0.202905507105344,3.64421988408756 +0.386565746655296,4.42746472093556 +-0.106908128965006,3.79527112998907 +-0.45622533897236,3.44444956321221 +0.365250965910786,4.13792567786299 +0.729519834225144,4.67686067366928 +-0.121095006190542,3.99595211278499 +0.579616106111036,4.55593024110216 +0.700141480874533,4.71867247705185 +-0.62700815615539,3.45489524902144 +-0.911593958739063,3.26772236717256 +-0.369955616859639,3.47283590663557 +0.316497761922967,4.18641368279326 +1.21497043629552,5.22958659138939 +-2.2614570925102,1.82328786887447 +-0.596796360961177,3.39617118024762 +0.64227397844813,4.60676029577515 +0.964826091227889,4.95591363466566 +-0.209576647864567,3.67513283540137 +-0.506023715406823,3.47789638381264 +0.51980698699101,4.49426328930557 +1.00236434400189,4.86918077587992 +0.642512691858338,4.66991410008681 +0.183566177406438,4.087880295775 +0.768782859315474,4.64432060656821 +0.0284825982685942,3.92174155400587 +-1.01347358247046,3.11564975513601 +0.461803034229718,4.41426882362879 +-1.18181912245047,2.7755671282856 +1.57702504915231,5.42907362103394 +-0.680725846360438,3.33276516248822 +0.0583911237952274,3.81099476043768 +-0.194356306623763,3.87148342778423 +-1.61827508074764,2.47014555592222 +-1.33691898331982,2.61768769549196 +-1.70743107325937,2.31234565970335 +-0.987919745645866,2.9947700940073 +-1.60991385015206,2.42469416312448 +-0.117585583086742,3.75023451924284 +0.271738762247533,4.12396945389886 +-1.56521245334165,2.45431676538281 +-0.0406144552871239,3.97554091779069 +1.00196959931717,4.9178051204897 +-0.913604816023568,3.22543836349207 +0.07006664877603,4.15875405752502 +0.8477458604273,4.90551695457571 +0.141814648716418,4.20485612462336 +-1.36693981612743,2.71517889170735 +-0.740597152995719,3.19829097589743 +-0.025668530482817,4.04890868076329 +-0.531602449310415,3.46305027086679 +-2.07433272994048,1.88849027412582 +-1.49919382595486,2.44887274473188 +-0.735712638435507,3.19546237394992 +-0.384963451522132,3.53103392223803 +-0.632946104121665,3.38055203072354 +-0.885307020020695,3.30550141335858 +1.4455704454288,5.42163112479043 +0.121745041556318,4.23194902516647 +-0.148653090934582,3.89679318655579 +-0.570193736181603,3.35524609027755 +-1.23015424280589,2.65041117845331 +-1.28764221674076,2.80049245252124 +-0.0246718651292539,3.99184271584122 +-0.585965181552497,3.45038285821533 +0.307657270428238,4.37665836523756 +-0.971160252894572,3.1633878862566 +-0.5835695179913,3.33218016610359 +-0.55939025552505,3.52970861919785 +0.939082679158599,4.82802230647298 +0.668828332823963,4.60124474311023 +-0.734879988080816,3.21371158257155 +0.778944386238369,4.79750797994565 +-0.863953842444418,3.05230468927103 +-2.581333664415,1.54855836686436 +-0.349439081665655,3.55896963104945 +-0.309437104682393,3.57196436165016 +-2.38753699801882,1.51725060965573 +-1.84019410565287,2.28149654614311 +-0.577454797051359,3.48551806285566 +-0.37925322819903,3.46005938644833 +-1.92330847443391,2.01877284566421 +0.0872888165109614,3.9271068504568 +-0.459484711785392,3.71792140220975 +0.480117784043476,4.62250633494708 +-0.386490472066812,3.59950958021759 +-0.504713056015405,3.41820553252887 +-0.505640745700203,3.43135058738564 +-1.23221952150095,2.82118988775465 +-0.937503307743483,2.96347734523914 +-1.19511736202716,2.83360160219497 +-0.356615067615056,3.5963482463568 +0.191957638479464,4.1622372803087 +0.73184936934328,4.67787902917502 +0.748200217010685,4.90221125493417 +-1.54014479688683,2.44987151327335 +-0.232152392281199,3.78375938873955 +0.762245127075264,4.67539872059212 +-0.283611489825071,3.69439494227469 +-0.232262719000347,3.76821343637095 +-0.913346406220664,3.0741729818375 +0.0935261799297326,3.92016635630559 +-1.17057443977775,2.91302293707306 diff --git a/src/ICP/Test/treeManY1.csv b/src/ICP/Test/treeManY1.csv new file mode 100644 index 00000000..f3f0bb65 --- /dev/null +++ b/src/ICP/Test/treeManY1.csv @@ -0,0 +1,501 @@ +"Y" +1.12204748676429 +3.35071153568229 +2.41178115425848 +0.194290146159367 +1.04609362086665 +1.59049133095515 +-0.63987576447467 +0.0590168197402057 +-0.141425679068628 +0.648248756678266 +0.641305264214278 +2.15872630868263 +1.19323806172291 +-0.680269328374579 +1.82459085250024 +1.21229870818334 +-0.696095459203317 +0.324990106319843 +0.0978484152098755 +1.63899980810615 +0.328365440130193 +0.198370886848049 +0.643707646355077 +1.17721777678888 +-0.0189205119445232 +0.0111492043732162 +-0.576172153043974 +0.551614159322929 +-0.722480892382476 +1.61337540489723 +2.68887462919673 +1.73809250456503 +-0.301388368749119 +1.72332569852279 +-0.325586680333198 +2.13262787787245 +2.52566612378349 +0.694954788727692 +3.56139941806618 +0.0818086221181972 +0.333713890690288 +1.45551132694047 +-0.266942740583335 +1.0569971663697 +-0.433904258161935 +0.0587657556956885 +0.771882897781794 +-0.677886009788488 +2.58334734369071 +0.152388565209983 +0.768081247718692 +0.529007365688536 +-0.343232025121659 +1.78732091505108 +0.19068884848824 +0.068905269494698 +-0.455850399893092 +0.0530470262588305 +0.178813010878388 +-0.612451776693356 +0.869798055882058 +0.510915487360199 +-0.653409327007059 +-0.0853489759848859 +0.158790560836035 +0.793284015442072 +1.0562435093907 +0.0846589525766199 +1.39535958367594 +0.398326011908996 +2.53467844328217 +1.07508199410494 +0.963317552119973 +0.793105154765825 +2.73857627909725 +0.412859646314696 +1.57983333396747 +0.593944143243091 +1.71279888688769 +-0.331664881069399 +0.982023918553762 +-0.148621584437725 +0.307173348382381 +0.731052443059475 +-1.26045862607538 +-3.98147762076779 +-5.92004184537694 +8.55161842246631 +-0.213913725829443 +-6.27102129783839 +-4.97830069470821 +-5.40356540282085 +2.45083688351346 +-0.109733285143394 +-5.90757055961728 +1.35509926537715 +6.44346780495232 +1.96243631708601 +-5.80685271136094 +-0.474393746039102 +1.33499120221468 +2.3450212624587 +-5.53429086833855 +-0.49267691965884 +-6.17985635939433 +11.4432598213128 +-5.98776039991859 +1.98517022511929 +1.92509721559088 +-6.03204224190745 +7.01827501445563 +-7.28921972737877 +-6.70515345654279 +2.61730630221538 +10.8703204487226 +0.646562457671875 +-1.35224786753056 +-0.0595906280813843 +-5.15428712431575 +-6.56975864050495 +6.55449452960587 +-5.49897952162383 +3.64077091565834 +-0.0143884050413032 +-3.89336710342682 +-6.54752579144122 +-1.76503240176447 +0.779852732616957 +8.44971176953606 +6.05408348289517 +2.99960064300482 +-6.74171026459183 +-3.87182662120143 +-5.30322219236045 +-7.3066336841136 +0.658038409189394 +11.5500995387844 +2.60586688071955 +-0.893443638556262 +10.4355813175237 +0.804895493828448 +10.7421371046342 +0.196277434147476 +1.57139899762211 +2.11519355953661 +0.968697904573668 +7.0473056028918 +8.81824675194191 +6.170423089155 +-4.27661869407988 +1.69364225940653 +-4.66787387197092 +-4.67535887465938 +-4.0998314418513 +-4.48493520754263 +-4.83749643638953 +1.31990668915938 +-0.557027818542026 +-4.61293711110026 +0.0424391142511581 +-3.25255163940625 +0.399327624285145 +0.875181008289153 +-4.66375534243677 +2.20405352946178 +-2.67372390818321 +3.61609653669693 +2.7249080133655 +12.5978334231332 +0.549922516196316 +-4.35884349864256 +-4.57878629023876 +-3.32005560883053 +2.40601066469538 +-5.82021827965189 +-6.57301246091354 +0.542207030941137 +-1.34053307228557 +-2.09347985363989 +-4.66828690973761 +-4.82441813714016 +11.5232664852265 +2.9457809233488 +-2.02598495732248 +-2.59524784974993 +3.52929478376792 +-5.73053432449137 +5.45928089675296 +-4.89572619468795 +-1.07063694668137 +-5.50221146734591 +-6.81518524314529 +1.97758861273859 +-6.13804413299483 +1.9808566561247 +11.9110972732037 +1.46654436611032 +-3.82179202650443 +-5.36020432772596 +-1.26580674485624 +1.82687054239687 +8.51763171527422 +7.32234253448631 +-3.99134379204564 +-6.38518811533066 +-5.54597323106711 +-3.96339165281299 +2.15997559896472 +0.439855512431897 +-1.91827545989268 +-6.85915769848646 +2.34340632652461 +-2.37278609394176 +-6.98377021070482 +8.65292971406487 +-7.29232818770192 +1.53736570786312 +-2.20722783374403 +-6.33724402191034 +-2.14646998287921 +-2.46098376107302 +-6.94554659082048 +-2.98988786411917 +3.02305505775806 +-6.01797096394923 +-3.70125532980008 +2.43704187588551 +0.833778643097342 +2.07960697503652 +-6.95802346510761 +-2.32147756878281 +0.80630896195078 +1.91679708580712 +-6.50792669726068 +2.71819835758792 +1.04813271894438 +12.152443395024 +-3.05559136745174 +0.616104956283654 +0.990000022480964 +-5.57535442933301 +7.17670641705614 +-7.53838096461629 +3.6486924630902 +0.838881773102279 +-7.32341322368054 +-4.38371173267205 +0.373836249320626 +-4.31520384650683 +-5.92103386205237 +2.39322541934868 +-7.49477801861225 +3.13032381903822 +1.90012871435786 +1.11642667587967 +1.68850649845576 +3.02286423796878 +1.0714981844817 +-0.309875554630996 +2.34197130612226 +0.0443722555543258 +1.51993639186173 +-0.226226009451547 +0.295080747004425 +-0.593038220603097 +0.016884447412774 +0.241266833492671 +0.948454890744535 +1.49471137224604 +2.74545943898595 +1.45362997187009 +0.739161528803812 +0.717195524156898 +1.93315056881697 +2.11122365889088 +0.871736398878654 +2.6483236220112 +2.61281941330407 +0.051078619143347 +2.17881143768109 +1.14660136255581 +0.130782209416952 +0.435465491699017 +0.303190540269384 +-0.458163057652102 +2.6767760582763 +-0.0893905799167543 +-0.452012086244029 +1.64781732450763 +0.0112542197908493 +1.19024660554216 +1.02556250709427 +0.0593195298202758 +1.51270701329549 +0.379003392348045 +1.51030830374427 +-0.390403341548383 +0.676946464025746 +2.19748647461386 +0.738596351092155 +0.863718563971863 +-0.181448831765278 +2.4288436727861 +1.65242637541294 +0.237299707477845 +0.0710123715080875 +-0.435609745649092 +1.61765097884122 +-0.324884213954822 +-0.384914634232519 +1.65872725555845 +-0.0296785789880718 +2.21937868181646 +0.308557894624815 +-0.445025514327989 +0.890972566252927 +0.624021239267259 +0.615078474780746 +0.578297708904666 +1.42747552969677 +-0.225931867718401 +-0.197794760387683 +-0.186178945883464 +0.513041061963497 +0.389427563663135 +-0.175322963255798 +-0.224158177190744 +0.146064037440695 +0.33121666815329 +0.811560308903536 +1.67991747232194 +-0.176790162703519 +0.33311837015981 +0.961496836632734 +0.361587979115836 +1.52089329767809 +-0.289729053534082 +0.92798887410158 +2.49606610846564 +0.833169472345962 +2.72401965957386 +-0.263154575505402 +1.9069164453615 +-0.891895667566345 +1.11807745963594 +0.364563120067726 +0.945894995397466 +1.29079661823019 +0.914684120943762 +0.673475533117381 +0.413239938405583 +1.68862394680603 +0.436667109834197 +3.14975828146018 +0.919461008958175 +0.684939923097738 +2.19867810937358 +0.0326973765303193 +1.20471760056346 +1.6565141534992 +0.26517457283593 +1.89314519674799 +3.97547393224842 +0.944465426626625 +-0.532580018355701 +-0.49290457480387 +2.02461082667998 +-0.648349109831853 +0.890027779117848 +0.333457178360249 +2.06416271615476 +-0.504665836249299 +-0.607081075285066 +0.726923140343751 +1.61808572904184 +0.0586705717403612 +-0.765343165816809 +2.78295421739672 +0.228939397641279 +2.35551525989614 +-0.978472703133831 +1.36324839916248 +1.12169581359453 +2.33929465942592 +1.55684779533305 +1.04296588841813 +1.47369870962481 +0.490466846272103 +1.02062049295341 +1.7495541815047 +0.0301695508251466 +0.816868986037152 +0.830545723483957 +2.73011252221942 +1.07591159204094 +-0.284999890262879 +-0.10991974064956 +1.17326833095811 +2.44800275816882 +0.128283567845549 +0.251120355238578 +0.306132668302293 +-0.639212877161167 +0.0721854389075838 +0.986868323930143 +1.10533828174749 +-0.23074270344857 +2.13514583920755 +1.00876304360377 +0.168658880693815 +2.37438341491465 +-0.0768530154192809 +2.90075130529586 +-0.289085135888981 +1.33552191847812 +-0.0634115522519043 +0.0751864921904965 +1.67431332154716 +-0.506213119936758 +1.79425411780453 +0.813274150055006 +1.27313138590285 +-0.338591005943671 +2.13554895719251 +2.64303672401516 +2.60555115523122 +0.676465398703902 +0.643170882266823 +2.91345754355418 +0.244393497337445 +0.477036724759142 +0.409203856721851 +-0.376549109020906 +2.80970332876913 +0.173037421444652 +0.193067019010731 +0.678091964113496 +2.56162587139323 +0.11869361795282 +0.799785619134775 +2.05788965369503 +-0.062400481048708 +2.13168658460853 +0.471045161593546 +1.39487378056478 +2.72842747807887 +0.873128150097634 +-0.553602053488164 +1.0212386689453 +-0.295845156881505 +0.848719124655879 +1.70090988442945 +0.059259351478595 +0.506521015966082 +0.925487507216044 +1.64367060549256 +0.192833868425964 +0.698061847422759 +-0.175445017003735 +2.22786484823792 +0.232312866879953 +0.282072185397245 +2.10063323542609 +2.67761062393264 +1.85754996939953 +-0.138085283034031 +2.04476817810709 +1.15112193736421 +-0.165932650162393 +1.20037555912176 +2.49618545504764 +0.250415813027581 +2.42893157032982 +2.45926981389398 +-0.025367638279799 +-0.0735891412175548 +2.71433076790019 +0.273597117001673 +0.538672464088381 +0.158225962965599 +0.401203569655635 +0.543050943652988 +1.02749124507074 +1.1071144069607 +-0.155564982863091 +-0.947065249087371 +2.55073649270492 +1.13129681259541 +2.6011116215044 +-0.619805500827321 +0.931101180249014 +0.667835086946345 +1.41296116543866 +2.21161026301507 +0.627180177195436 +-0.654866659428803 +0.58690779088538 +0.870428109096309 +1.19522519295462 +-0.230191784104301 diff --git a/src/ICP/Test/treeManY2.csv b/src/ICP/Test/treeManY2.csv new file mode 100644 index 00000000..eeffc612 --- /dev/null +++ b/src/ICP/Test/treeManY2.csv @@ -0,0 +1,1001 @@ +"Y" +1.10253640624784 +3.16998598688478 +0.471867427457312 +0.318200875950438 +3.20586611914573 +3.64506348858684 +2.02125686176981 +-0.627855494346409 +2.16625155234013 +1.11551172896667 +-0.606388728351167 +-0.716629735950544 +2.56267630153095 +0.276207966010227 +1.85297328170074 +0.564485154863955 +0.526582675889281 +6.43254757404268 +-0.255605340521673 +-1.8880773609116 +-0.238026711574261 +1.5831366200818 +1.2280858570542 +-0.137927039008623 +1.83229643084092 +-1.55850685287641 +2.24585119073725 +0.00305498391169945 +-0.0111302300742027 +2.38244022218101 +-1.54763953243364 +3.4803735906461 +-0.529513612218257 +1.27207355608613 +1.87743581258739 +-0.863326188361039 +2.00849547288309 +1.45359674962836 +2.65005666846552 +0.649560580832998 +2.53634910224714 +1.94273218902054 +2.96305114975988 +3.74599972232287 +2.09679687146148 +2.01245828021791 +2.96881590017814 +-0.216926794838203 +-0.466864376685233 +-1.29241462934714 +-1.40246772933934 +2.14603188023792 +0.250586620674075 +0.112453154136137 +-1.69720607841224 +2.81277907058327 +-0.0272472539536147 +0.344907683296674 +2.0122046474674 +0.762325278301942 +3.86132773764373 +-1.53202871704768 +1.46080363394744 +1.86752862648845 +-2.09421951576116 +0.00696049967170526 +-0.452284426240079 +2.68595853840616 +3.86413462804925 +1.40766565598058 +0.747179766799403 +-1.45377233538209 +-0.701717970530432 +1.30250390795779 +-0.635925050732581 +0.223028158587126 +-0.823103938735332 +2.128845736021 +1.85332204205845 +1.73384800672891 +0.201223462767159 +-0.67505838772037 +1.05410860091521 +-0.18657204618317 +2.61314514144484 +1.15114097345061 +1.40240359304671 +3.076911824697 +-3.03291691877707 +-2.94166813843725 +-1.44773241789912 +2.63694174284216 +0.659077713794943 +1.75224773665607 +1.7467840720544 +1.98095048417923 +1.30330132822485 +2.46251054530384 +1.75837714013691 +4.64310097582799 +0.496517736105463 +1.01124651848671 +1.02990111073294 +4.59293829425483 +0.0419280856262368 +1.95253909542445 +-2.3458141593447 +1.15955296750959 +-0.63137863120854 +0.773713690122251 +0.833369914696284 +0.0478722724128737 +0.184428764996638 +2.94773886881746 +0.919585258169035 +-0.921300313675867 +3.89159363547811 +-0.0771618343391226 +-1.84229152058594 +1.67318784430799 +-5.77656455256946 +0.209022194694423 +-1.81084958348842 +0.616974365861635 +0.897310085632998 +1.93695188651927 +2.79966608663762 +-1.05850508034923 +4.67976703070177 +2.27450645540437 +2.91511991551057 +-1.08010772841478 +-3.25171265677872 +0.825098016458303 +1.97430334354971 +-2.48626545467929 +1.88248507126992 +4.35828728770291 +1.51243991936567 +1.23485356439858 +0.231782078314293 +3.87715137467148 +-0.319538521039015 +-0.443865781318793 +2.08822728813817 +1.43750914562368 +0.106217225435903 +1.54564238804224 +2.41943363611915 +2.3959900749933 +1.32308844595754 +1.74026383156429 +1.4285580010801 +0.671464657343262 +-1.82300830901016 +2.03295180081105 +1.9001936208791 +3.28210128419018 +2.4965143229223 +3.9883364501911 +3.16344818736904 +1.52080743461771 +1.24763114043465 +1.31462830023496 +1.7727250482211 +-4.596508779916 +0.401658774482425 +-0.976716926921584 +1.1651739190078 +0.77392221838528 +-1.86374257328874 +0.659620920973831 +3.70252529422603 +2.22259784403041 +1.70301500855725 +3.48875641550375 +1.13421868469375 +2.00623834846294 +-0.551636071218053 +3.16541125224685 +0.614397962910412 +-1.41571277692105 +1.57134868593757 +-1.05879764889439 +1.24520029953029 +-1.2434384922509 +0.648528894605468 +3.38476952696204 +-0.229609728842973 +2.7118745985365 +-0.292964212230321 +0.808569387952334 +0.423211756333068 +2.34419244635841 +1.56796198843289 +2.55555483340392 +-1.39366822577244 +1.52637797738476 +1.72863823297325 +1.19630775440868 +2.07280505416829 +3.44354954476523 +2.97885304787894 +2.7235972649345 +3.59312473088191 +3.63375248741783 +2.34829851265321 +1.4075978318868 +1.22545657663908 +-0.371037688152723 +2.85329801328349 +0.365109043344371 +1.87055075134134 +2.73820235807837 +2.40353295162703 +1.83650205971869 +1.81576269352412 +-0.404222576862036 +3.62059270451538 +0.352985596440176 +1.27706646714939 +1.35879683969331 +3.22625739020211 +0.107107638825018 +2.39506777162559 +0.818429389172927 +2.41679047914508 +1.3276812292328 +-0.480060639789113 +1.09069536309792 +2.0382732527701 +-2.16108035461688 +-0.860519595611386 +2.09014845352825 +3.98761029696702 +1.9682583562623 +2.70806386567405 +0.178498307131677 +-1.69007395091792 +2.08540908720572 +-2.46067244857611 +4.69654067514971 +2.37212710630418 +2.30633193529969 +-2.37622889426629 +2.43329512949909 +3.00196334477438 +-0.152729899115758 +-1.44027208021763 +1.87790106755478 +1.08340463897256 +0.768870951363432 +3.23268411320962 +-0.237267959110258 +-2.12039253653597 +4.13800321220081 +3.568874647678 +0.452042989425786 +0.923084890732878 +2.77786537539857 +2.5684282653518 +2.88386531412212 +1.81274184054346 +0.40298418978207 +3.81164152839016 +-0.307181210873376 +3.51573408839824 +-0.636214339771437 +-0.463421757793677 +1.92986095158725 +1.37728689400875 +1.4296030820462 +2.49310284232801 +3.47441942974932 +0.0380171088871492 +-0.244067297346241 +5.27123690609604 +7.72589952993862 +-0.183438662352918 +0.820418708030682 +1.25247699886886 +-0.237532326604689 +1.87432666981246 +-0.632685126987501 +3.41949635505387 +-0.4348734894516 +0.463825272987014 +2.18747214062365 +3.25619012623869 +2.51743900122946 +1.74953929510515 +0.916914646674412 +0.316608168432642 +2.0848169995039 +3.90520368753044 +3.28025956852237 +2.09747477748016 +3.01310167033414 +-1.87539841525295 +4.18821021859809 +-1.58116495050135 +-0.499935708081397 +2.84023856546099 +1.36735950875992 +1.42925177968825 +0.209920878077647 +3.58562281492505 +2.82400756360322 +3.3064907377534 +2.1009883715487 +1.46720003549058 +4.0619610123208 +2.59957737435901 +0.54639844566528 +5.68737464143416 +0.314978526441325 +-0.566265471629503 +2.03034512792308 +-0.190012804991029 +3.33985450146383 +1.74571632239135 +1.6887938545961 +-0.667251515099944 +1.77307493409484 +-1.61233194800722 +2.25510843120331 +1.18067930103397 +0.375078411574558 +-0.73266415184236 +-1.12861317293137 +-1.18353688562592 +-0.777675370356749 +3.6736159327569 +1.90180791152817 +-1.53044679264951 +-2.10947322470437 +-0.646339620360774 +3.49130956742621 +1.07765519091791 +-1.14515246253165 +-1.32500550728225 +1.09457421800617 +4.78133859477028 +0.0947667893479737 +3.83932818646138 +1.2288848598183 +-1.75918322959416 +-2.9591233201268 +0.310497823760347 +1.95842167897978 +0.587509211725305 +1.19726942155556 +-3.33984897154709 +-0.141259879274766 +-1.41285757843743 +-0.691626729363841 +-0.351753332044284 +-0.128066641390335 +2.82919068566414 +-2.87695705389743 +-0.517599328825709 +-0.176273541698334 +-1.0894823905905 +-0.848744216527706 +0.727361138316608 +2.22871542341431 +0.217280321394639 +-1.94284352493563 +-2.33949318391328 +1.97415026694843 +-1.58176534964946 +2.14277670998507 +3.03171990789505 +-3.67158690268382 +-0.332334894685127 +0.615723372321293 +1.99591344280462 +2.20619916359449 +0.485611884331942 +0.783274785775381 +2.59670627898029 +-0.119811464171493 +1.450602238337 +2.07340138576512 +5.60237083189685 +3.98681853778942 +2.68176750975547 +1.45091080312873 +0.63957449138957 +1.87860057499704 +1.14543161887362 +-0.00761719367378561 +2.47463748742588 +-0.190817420291626 +0.218343669360689 +0.858452846866334 +0.881896925137833 +1.35847451532965 +1.04191629894654 +0.893851381259945 +0.617397035897587 +2.97078642907803 +-1.75624523819397 +-2.06797697888344 +2.65238240102365 +1.11900921772024 +2.41865356988126 +1.90423989216222 +0.640112455395206 +-3.16662512648047 +4.19095032232266 +1.62289035615394 +1.18373069300801 +0.321076164803996 +0.741238192777608 +0.201103099604981 +0.0197644503523236 +1.04296455841935 +3.9044551940349 +1.38825763042435 +-1.60927972102453 +0.972488891433301 +0.717202909868743 +1.69534447570177 +2.19509758844784 +1.53534251955984 +-1.23418296869993 +2.74019116443301 +3.39037206518405 +-0.0254184235604103 +0.848446902053326 +-0.580926451505209 +3.46547733151366 +-0.445713001338449 +0.505297351480546 +1.99319211454621 +0.664595034011084 +5.65641939389103 +-2.62200540371357 +0.192777678028298 +-3.65956505539888 +-0.67655969479654 +-0.0268411097914073 +0.488456637249912 +1.32734225642415 +1.94041196858246 +-1.09245050852687 +0.301202816574685 +0.651754729779639 +0.207172307497751 +-1.00981615218936 +0.828222050848535 +-0.502005725638888 +2.03190486144396 +5.03059494642427 +0.693113044136589 +3.93939417543229 +0.689731377562955 +-2.29652947247593 +2.02367021525324 +-0.361577472547438 +-1.8227248008853 +0.51164214699234 +1.44146164612396 +3.09389361947902 +1.11453171734658 +0.350419816429476 +-1.06714706451414 +-1.33900300240709 +-2.95433352767714 +-0.36285967922778 +-0.295646355796754 +-0.0793985973062391 +-0.00698250733223565 +4.11648869249541 +-2.37537336688886 +-0.107822194889648 +3.86951224947443 +-0.981387955461367 +0.636673781403795 +2.78459825252367 +-0.507441534641769 +0.858520675597853 +0.345495198378999 +0.0563377111010683 +0.340199200946921 +0.0439418855382985 +3.98668021995739 +-0.597257406167351 +4.18159024294187 +2.78800638765888 +0.750531113662404 +3.06582458871005 +-0.0334405070652666 +-0.278254635825352 +-0.355028863912976 +2.81315750250875 +1.59642551312003 +-0.514099381456875 +-5.38028822355399 +2.49787647746866 +4.62987170758678 +5.97967250779077 +5.47391778202747 +6.8896485400877 +3.78375349379827 +5.17932214778439 +2.83106588700644 +4.31764884863166 +4.70661014933425 +-0.369676516533159 +4.21942979909065 +2.58761749869404 +4.90300054006196 +0.386143037731034 +4.12516526711103 +4.10958890698048 +4.57450746227893 +3.74920115307839 +8.22640978718134 +6.2587507037361 +2.89830394533251 +3.76215122141656 +3.46241029037961 +3.62434372193981 +4.47140660145141 +6.26724627360559 +2.62660593298978 +5.56430544526348 +4.13723297410054 +3.39282726793798 +4.63519028009076 +3.55911430336785 +3.89939682578347 +3.2872407848198 +2.4883839700707 +5.63077976424541 +3.98284479178104 +5.72470506271901 +3.17761781195575 +4.46001198232029 +1.63201160985546 +-0.0323592387701698 +4.17337001595696 +4.48788766690119 +6.91358703585102 +6.18259245263705 +-0.54338749572818 +6.94796053159904 +5.02878891168786 +5.60209892237321 +5.92979949126403 +3.33508850709553 +4.86279351227892 +6.0983678808034 +4.07328567747649 +2.63135052118533 +3.87102493259248 +5.00862679684357 +1.72956335622924 +6.82428322282478 +4.367755901994 +4.29619576713181 +1.59975385500771 +5.11574577811496 +4.43708392138252 +2.33418783437148 +5.28692946504673 +4.31049565016602 +6.06413217673561 +5.9783882124119 +2.96895344151417 +2.24469829186416 +0.817247686169319 +4.19035338664438 +3.64818277226673 +4.26027035690571 +1.89120958063637 +2.58419217044609 +4.8579272688648 +5.07553578472171 +4.57131783573591 +5.27353844320779 +7.49585493838717 +4.05376541017368 +1.16089797567405 +4.66334296163281 +3.15223032641869 +4.67792918876375 +1.53454001405323 +0.765311643732882 +3.20875105080688 +1.20540343010831 +5.10618417018535 +4.37643438555202 +3.90125759728345 +2.55011091858973 +4.74126158514907 +0.153822052424819 +7.81616395326026 +3.81510643317341 +-0.460031834264181 +2.59116362146373 +2.64002028687778 +1.07595926277853 +5.00480739047221 +2.98509613447387 +4.63114515323283 +4.42173883423441 +0.999658387920229 +5.93930300814453 +2.48044383654974 +1.99912694386774 +3.43119575342118 +4.51679481612237 +2.30483757410344 +5.06473497963575 +-0.234929969514149 +3.4718121155685 +7.2232703094797 +1.64467143169346 +6.42832879124954 +4.13505219391627 +1.93122771572709 +2.45386368922166 +5.11555404707068 +1.4425350305475 +5.24807557424078 +9.20115118482816 +5.41508385190008 +5.02992834964582 +5.96156398681514 +4.0262161794091 +0.648158456650494 +5.24110302567882 +4.04727793010884 +4.09795623392781 +2.83065629550469 +2.52891051621912 +2.56097315587709 +6.60689373755879 +2.30815467413354 +6.11709684709131 +3.90478741269942 +3.418688519971 +7.90191618740302 +6.5905412943791 +4.9263621822301 +3.7919052766075 +7.23276175094298 +2.51490810679266 +0.677313188494767 +5.23926976668687 +7.28193177714149 +3.92385332082746 +2.93663220642986 +1.02467113880872 +5.85349839389087 +3.14405622547878 +6.17058290185484 +4.16769905209465 +4.79070650525574 +3.96230740615549 +3.13447341049649 +5.28639704476321 +8.17877476584158 +1.35717853197314 +3.6067907895756 +5.45084891802648 +3.6412376649988 +4.50517955784483 +7.74192943153065 +2.61280448614411 +3.36536886123322 +5.71957347383402 +2.04219468906704 +9.14620894043301 +2.03212477734633 +2.26274412990496 +5.22919732042831 +3.87876079947182 +0.695520977712505 +4.40322831189745 +5.71053419692026 +5.9955000495208 +3.32348616218313 +6.31629015354542 +4.89815474148088 +3.63245633136642 +3.35977907217375 +6.26215422810209 +7.60014391019877 +1.15853773726285 +3.72449285953653 +2.74454917024858 +0.690539935706241 +0.20549591577539 +1.90189839223057 +2.07492643455829 +3.68927469754807 +9.93064895080208 +6.53408541330948 +7.07692145601807 +5.32273813951307 +5.56064284254581 +8.17984220125213 +1.91637458982387 +1.24939291462017 +3.27894589220491 +4.82019885994722 +0.889054126469037 +5.38172415608412 +2.89635626739776 +4.60401392468497 +5.53963060265183 +4.31778277764863 +4.22510682017145 +2.60362424744844 +5.39517470708697 +9.10842319264505 +2.26029489403606 +2.98323489134335 +3.19550428674763 +3.82944950621769 +2.99716036340963 +4.71426784814302 +4.01898735512238 +3.22590326912069 +9.77589572400071 +0.964318369506937 +3.12252847198698 +4.49617891554592 +1.45039461208644 +2.78172979064991 +7.41316631808592 +4.95081284459386 +4.25550179866658 +3.8711055145979 +5.33649189220676 +6.833706110448 +4.01060457205614 +2.81963984842393 +3.29682073461078 +5.81812152885551 +5.35440495676997 +3.99982332189193 +3.3318130677627 +6.22774949335623 +2.86011327587476 +2.57459895087626 +5.13205227111672 +4.3558181849491 +4.40605737291052 +0.7467455043679 +5.20282776733349 +2.90729783271059 +3.1127522681564 +3.99732453109301 +4.62411182322843 +5.35209237462266 +4.51823984379572 +4.00073386221327 +4.95085790161422 +4.28289722749782 +5.33676516896373 +4.17651326782353 +7.0166033619599 +2.69491409387434 +3.00852313907679 +4.08967560773792 +1.61774665706397 +3.4953122269304 +2.77867219269663 +1.33167347644408 +5.3619391995057 +6.10115920806699 +4.2814643503767 +2.59673201564734 +0.365642421480073 +3.37765473298153 +6.56883089205586 +3.62805540928855 +6.74568188107987 +1.05744998059285 +3.68125313458767 +3.32228262935674 +6.18725933089148 +6.00755141826343 +4.09534483517841 +4.93370469243142 +3.53905504128605 +4.96765198084453 +2.64874846041297 +2.66770988021165 +1.81653814665642 +0.603029483376977 +7.46163536455589 +6.62759680196691 +0.384645625393094 +7.42649120117253 +3.64638461360647 +5.81206192704483 +6.04374588966099 +5.41196266325617 +5.11568835885141 +2.10709234321278 +2.64596710197443 +2.09610292357421 +7.04043000973145 +-2.0008075114304 +3.41816242748423 +2.4265005064835 +2.44730354412507 +1.51695049543626 +2.32516393415372 +6.02597909806729 +4.42437688652634 +3.48149604672456 +5.39079253780051 +5.59232694848832 +3.83998384093553 +5.58126517209268 +2.538901579821 +3.52938346203014 +3.05673609487308 +2.9891748232145 +4.2886354547475 +2.34785853223157 +3.48612257493221 +3.12985799463363 +3.60810976424683 +-0.554320659076354 +3.5705078396083 +4.17287599365021 +6.43453852986419 +7.74626892559992 +4.53119945966855 +4.36840499301649 +3.31128544534012 +6.20550105802905 +5.78857607263602 +2.5490460287225 +2.55277811015488 +5.45637061614726 +2.9944999524539 +1.58653633003934 +2.92002968467962 +5.74200230409604 +3.57020830096049 +5.23988031234391 +5.93019193647102 +5.21787022820111 +6.65313011438192 +-0.204312255495108 +7.70006515023995 +2.33744318750351 +4.7001616559529 +5.09645617224046 +2.42374937145857 +-0.265624349149357 +3.34500935314864 +4.20898817894223 +2.12193233445241 +5.00140782115644 +4.77850374063219 +1.05592611318136 +2.86659784968945 +5.29529415937822 +1.66539723890631 +6.10422954500238 +8.34728645853679 +3.12894258139553 +4.58557973375588 +1.70353850008893 +4.51899934090658 +3.76689117096271 +4.83941003622252 +5.56148135360712 +1.34465772991158 +6.37386129864651 +0.931168116242052 +5.28522346254363 +3.45162413260075 +4.45680828757082 +5.41403721503363 +4.79771376376519 +3.95363517711445 +-3.74298833326475 +7.81142476443292 +3.6555102746638 +6.52843963543703 +1.82820672847646 +5.99302357136281 +4.51790596186299 +8.80580120080785 +3.38740729867948 +5.21559979731442 +3.50876716592895 +4.63707325708034 +3.8486743135708 +2.7458496511013 +4.69850184671074 +5.32146412061045 +3.95048528994037 +5.22143319765583 +5.34478327623822 +2.9567552946662 +2.41009801858441 +3.16998290207039 +4.61196301823159 +6.494597963939 +-0.309986623755954 +3.10303642878371 +5.08457759056224 +6.04737380896612 +3.502843326475 +2.95383397444549 +5.19683277698531 +5.80981179649747 +5.26247222884056 +4.26887116184835 +5.25946052334186 +3.90188027728216 +2.24797582478966 +4.95512613433107 +1.66963356172737 +6.89317710624644 +2.53361051430096 +3.81334023067286 +3.77162380816614 +0.861570642753026 +1.29627763236928 +0.679582858004526 +2.02803464314105 +0.898795925990597 +3.51426473104796 +4.37435704017218 +0.823381982854363 +3.84934495370152 +5.97626158961196 +2.23034992709409 +4.20454585516211 +5.65650517169133 +4.54870844223471 +1.33730978964323 +2.43210092988475 +4.10765433718311 +2.89125539633905 +-0.151797529423322 +1.00931166444924 +2.45972546981296 +3.16761709183474 +2.7348719778153 +2.48308218081909 +6.83603986050957 +4.46574162212667 +3.94654841606618 +2.78335984377457 +1.31923832112968 +1.54713795301116 +4.04245125523599 +2.79129668908853 +4.7855891923884 +2.08979724458044 +2.7044149424269 +2.85226687748266 +5.87287485847486 +5.23819262406637 +2.55817515706356 +5.50982348686552 +2.1697301991132 +-0.99043081516064 +3.15199879784169 +3.22934844348453 +-0.924712557317078 +0.40540487088171 +3.14744532285009 +2.97043287975158 +0.098524478599605 +4.07779011337394 +3.29175661175179 +5.01068056714963 +3.33707863814516 +3.0250882022313 +2.84059822471662 +1.72264461378816 +2.02970640855485 +1.59982111017163 +3.07916548138841 +4.45965967015129 +5.40290500757296 +5.68880186220791 +0.720450427009201 +3.65365663350805 +5.31741334670153 +3.48403222959915 +3.42451081212928 +2.15655218674077 +3.97794940654223 +1.88760059763073 diff --git a/src/ICP/Test/treeX1.csv b/src/ICP/Test/treeX1.csv new file mode 100644 index 00000000..3d0ee7a0 --- /dev/null +++ b/src/ICP/Test/treeX1.csv @@ -0,0 +1,1001 @@ +"X" +3.34723688043731 +6.76576767657571 +3.31680407560065 +2.65931706073547 +5.36609866264755 +4.9924656882577 +4.82987290580305 +4.29245967045264 +5.01516001505477 +3.59093196124341 +5.34704355096525 +3.07612806184954 +4.65627451328218 +6.52576526417744 +4.4270088539941 +2.66233510056474 +4.38645870849104 +6.91227327877181 +5.74740905810799 +4.59365970233213 +4.29775375652375 +6.44256823256083 +6.2576755446432 +6.380879304769 +3.74404377877898 +3.68113678578412 +5.34752281526261 +4.56886359011584 +3.92711323128277 +4.93559696214501 +4.99702067728905 +3.11009147099834 +5.08276595086833 +3.24489572381803 +3.23234584969562 +4.79762810825081 +3.57074092585657 +4.25855699325399 +6.25580191606688 +3.5503302819199 +8.1302472101946 +4.72758067589584 +3.28733508213812 +4.65488304658806 +3.76670031630822 +3.87719773621459 +4.43145084244892 +5.6955212997778 +5.53551065278549 +3.10438283616079 +3.98483187776208 +5.04925894389172 +2.36036445828584 +3.892107709825 +4.8220508167101 +5.02658150933335 +5.9324291268714 +3.32290735332851 +3.56187103977665 +2.33771517892048 +2.91572982607469 +5.62295681872146 +3.80981669842661 +3.21367145393125 +4.52881157028795 +3.13484982035218 +4.75485694475521 +4.27568564313208 +4.05657690681598 +4.45565114078132 +4.01810451070093 +3.96888433684134 +3.16745227520175 +3.6775876603852 +6.83444720143847 +3.52108541164462 +4.205863393393 +5.57032331170792 +3.74988564176422 +3.06882637319229 +2.64167636195448 +6.29237196149462 +4.18187742793165 +7.74064072111589 +4.60218317068906 +5.89811833806786 +4.48823886452448 +3.01909302124569 +3.80203404380535 +3.94533086956547 +2.64527390980863 +4.41082705110679 +6.27382086181497 +3.41618748526909 +4.28443105115676 +5.53004312665255 +1.92198853306158 +4.27916278602367 +4.56626332970258 +3.15416322098893 +6.27369996255588 +4.85395603800308 +3.75080976134459 +3.72308809496202 +5.32998691669588 +3.25876475665481 +6.60302434977635 +3.33869396096793 +2.37809946570272 +2.39025596428902 +3.36063659559234 +4.25116615093041 +4.20450518267024 +4.5245287548384 +5.26518448167774 +3.48578312295584 +5.12132524471886 +4.11395446943242 +2.96061617896768 +2.32786719745727 +4.16034288962645 +5.85128882051175 +4.89185585463941 +2.59501009480023 +4.73701036980369 +3.74627905370626 +4.11925541754281 +4.79632196745759 +4.06571025129644 +4.89038265977661 +5.81695342687062 +4.15872781803762 +4.0601918893866 +4.09492144365003 +5.93587471560838 +6.01843771381692 +4.73784549939079 +3.36352198622216 +4.22120045390138 +3.38090479528383 +5.54812037934836 +3.86092928512813 +4.06100867202441 +4.64053373811681 +4.90058718727 +2.74169846238667 +6.11759728864619 +4.20995887215491 +4.96646205545009 +4.82612302727168 +6.95460633738178 +2.86141580487726 +3.37186703618414 +5.23060697419623 +3.43332653829674 +4.41610912952289 +5.49510941318039 +3.96247814850096 +5.51910708238685 +5.97209561083171 +2.95253238910597 +6.11791074599369 +3.95103075556385 +4.35882612505728 +6.32569885487753 +4.55755661120906 +5.24157716991046 +6.68833598322884 +6.15146214015144 +4.9738471758803 +5.40763144292609 +4.89320237862141 +5.41523611485394 +5.0329403211186 +5.92410857773119 +6.04873445677584 +2.48317077338167 +7.40174511580224 +6.08996002135339 +5.57690667531753 +2.86118601429183 +5.27820979412169 +5.15489581702162 +5.06265120997807 +5.52180829134533 +6.38021482237373 +4.44789886259954 +3.91282828175259 +3.77144891974116 +3.12359798085745 +3.20293864998036 +3.23477922828438 +7.09882156428851 +7.97313827583715 +4.30995188575919 +7.14542953295264 +5.83711189735416 +3.70614820661469 +4.48369472844185 +4.40602981449508 +4.61131909172283 +3.80973561491733 +3.86408243300215 +2.70859642526161 +2.71217236362322 +1.88436502876901 +4.87853647430456 +5.35117098315451 +5.82240555975951 +4.52063228984779 +1.47786250124224 +3.51973122987145 +6.33561309346965 +4.00366368455869 +6.95237912852833 +3.09208700347363 +3.9191826384003 +4.12311986970489 +4.25117909812186 +5.81064622121839 +2.27762379460034 +4.26637202292279 +3.19338246156094 +2.88447916228343 +2.53595835807998 +6.19282792650272 +3.0379909598578 +4.89843310460394 +4.70777142853654 +4.64844746668721 +3.04180797825306 +2.68812150728588 +4.42494280166652 +4.59525847730376 +1.68424365907781 +3.82702785363304 +6.41745954558289 +4.03151639808476 +4.15260150309843 +3.92344356461861 +2.95109876249394 +3.75888244216619 +5.10093224453339 +3.78670201052423 +3.4577371753507 +5.7313369056325 +3.2468192110853 +4.53426944887338 +5.89475705207101 +2.17326547051112 +4.44418918558671 +3.70900698523848 +3.36800170794713 +3.14078843917035 +3.63476617017546 +3.09162485132009 +7.90111805405686 +4.41435864397393 +5.02774416692566 +5.42891325291549 +1.96909625680837 +2.90316473358426 +3.34595701949447 +3.55526247771967 +3.07016995591143 +4.18103963754864 +3.52745894256696 +4.50888708770956 +5.34176482393856 +2.75490206496731 +3.60152730354632 +5.79768768947362 +3.8289450138487 +5.28970489127267 +4.93512946291366 +4.62080110383848 +3.30748014079656 +4.57407311267658 +4.98648807660806 +3.96977507734387 +5.32581877428269 +5.76255581870542 +4.8126524545035 +4.45722094196915 +4.66258673181309 +4.44304409823541 +3.74681731348178 +3.62987897757264 +4.25493434216254 +3.77328302264896 +3.75556642641011 +1.90511187250809 +5.61713756426887 +4.28525991018353 +3.2406801005256 +6.33589808023644 +4.16578580275659 +3.66011912191788 +5.80355292550444 +4.23035109463814 +3.75047489665111 +3.5865734696538 +3.38319881870965 +6.51226484418142 +4.8277071520609 +1.93822938051137 +3.91033725704447 +3.44603469881524 +3.32659429432162 +3.30253946421658 +2.88853362552681 +4.08883384190585 +4.08571675065492 +5.50770693560668 +5.52919980413163 +5.77722596089108 +6.99901613653558 +6.98278049268905 +4.68289101706548 +4.52379310332609 +4.69415210068648 +4.6873924206591 +4.03320488418058 +3.85497568975889 +4.10576808207708 +7.49444773382367 +2.72499046773324 +3.9496665522792 +7.84711490934829 +5.31293444861558 +4.15554357769643 +3.29404482123529 +3.67692650649096 +2.66325488645152 +5.03840735404843 +3.72702736895986 +5.23396410312301 +4.1193106887469 +4.2505425138172 +3.65477851311499 +6.38682480943275 +4.53264083506077 +3.18000848900166 +5.6422880116391 +5.0770099294456 +4.96336821601077 +5.14533107419618 +5.79908500246574 +4.17396129115233 +5.17184600748266 +5.28888573294314 +4.55440118631333 +4.11307400566795 +5.98558450928328 +5.7004884027651 +5.25322039699178 +4.69187507730478 +7.30460428781177 +3.75182748845573 +4.98873011079149 +4.11465892356362 +3.12761780713878 +3.87969514890935 +4.96446103768552 +2.96336474708597 +6.7894835051401 +2.65935641787346 +3.11955147406472 +3.75299593327605 +4.21548190689056 +6.47525392249263 +5.04179678791462 +4.66296792652315 +5.15596890941004 +3.77542156066561 +5.66589028767484 +1.80235732128124 +4.3242609249525 +3.44095613785637 +4.89659420547044 +3.49294161443176 +3.87648008884176 +5.51063674490105 +6.02680972382295 +5.54350865338127 +4.34624461742163 +5.30334556998102 +5.30300141680923 +3.42871386336393 +4.49050663902871 +6.85354721364988 +3.89151697686086 +3.1451660748471 +6.27920803097673 +3.547508186629 +5.34516796394955 +5.10390263066251 +3.8833202877567 +4.05631785983222 +4.81773778940343 +4.72935499038802 +3.43404291316034 +4.35444147303168 +2.36170319184209 +3.67470492401569 +2.79076212922205 +4.6295860650548 +4.53571567417964 +5.23160172797385 +3.98021992873887 +3.6631124804782 +5.150815983972 +3.93735346518184 +3.9065968164106 +2.1185535032331 +2.52684053903142 +4.1086686439083 +4.70322196066689 +4.02859642188472 +5.29839288311657 +2.90501988436572 +4.69305538221211 +3.00181887469146 +4.77695984570885 +3.6379835733541 +5.22467707496027 +3.02112991420288 +5.03435443823535 +5.29475486248757 +5.40558558627568 +2.96142222729364 +3.53176598803287 +4.21778592737264 +3.17128941497984 +6.28266568717251 +5.56484469562095 +2.28951636373818 +5.4769268236601 +5.23077163778619 +3.20117276411547 +3.68417582445443 +3.59823990374908 +3.05099935468985 +3.66137030754094 +4.15871214963994 +2.33892076684219 +7.99236779765823 +5.49039469740815 +3.7986676973681 +6.29509395419782 +3.70358752550734 +4.43773930366894 +4.87849759010804 +6.09109990880726 +4.38512435862392 +5.46436186014729 +3.44340839424477 +3.39084727287879 +5.9300508672324 +6.95689879512948 +4.27329753623033 +3.25496749027481 +4.64502594415797 +3.50065212666619 +2.87566001132078 +4.45271415801324 +3.18798433197327 +4.79663473944547 +2.91137366388905 +6.38806776014821 +5.31244506314947 +4.50432723682945 +4.7472023678311 +1.61378653307143 +4.23131959409486 +3.11306697408077 +6.23612134074789 +4.10137926661768 +5.8874880859408 +4.49198557165875 +1.36237489792903 +6.51895396248258 +5.46007064881111 +7.51088973456188 +2.2686281119333 +7.52695937001179 +6.26082927029744 +4.34479193671591 +1.54457327923519 +4.11911702882861 +3.37385179332575 +4.23569250219771 +3.4241636669304 +4.26583395996252 +4.71941978660972 +6.84679515761555 +3.87074536896021 +5.32742355804574 +3.37959937625653 +4.57315440156386 +4.71867096038449 +7.13350095124199 +4.15946731167877 +3.95520691855578 +4.01949329757425 +4.06796178285572 +3.20240055053399 +5.0434715733079 +3.84089813129378 +4.55322414179797 +8.08017070765742 +4.27652724412631 +3.01257713627827 +4.83564205257679 +2.78866845762951 +4.50243391640256 +7.1567754535506 +3.47947723334491 +3.57636157202308 +4.85910524822606 +3.04978917150622 +5.48554481625938 +3.83850879859001 +4.58269459603418 +6.11101246919924 +1.83917257637473 +7.0512806895465 +3.4785098965582 +3.82966743758109 +5.43643169581453 +3.69240988500761 +2.84303272597394 +4.63930480417187 +4.44977399961367 +4.30591598397624 +6.13977665116097 +4.76280585450229 +6.17152342878852 +3.06879670201549 +4.41683534145471 +6.3116781997405 +3.99901353089532 +3.8580028409136 +2.24872614953322 +4.72967294633456 +1.99852520408627 +4.44119510394463 +4.00868234946989 +3.9326869868315 +3.83473841440476 +3.56647945061164 +4.50922063294755 +3.35204011725698 +3.83376344889693 +4.01268809262982 +2.73282776953101 +2.22053004526171 +3.53517405570148 +5.02243116662838 +2.82167547958206 +3.7765124463146 +4.69386008011188 +3.88507592729285 +7.0869985244093 +2.79709796243784 +1.87325218393764 +8.16618621915128 +4.0051086718404 +3.39314199386582 +5.36712817217272 +4.36186039902809 +4.79524555450237 +3.57822934593346 +6.80246391783245 +6.45078185683851 +3.9741404141042 +4.87873569126098 +3.64599122905043 +4.12992977122976 +3.54595451484184 +4.25886032356606 +5.02832204050422 +6.16507140015007 +7.02661743586001 +4.52587990366971 +3.90213692104937 +6.43052507428224 +3.27828763895916 +5.73742925361927 +2.10124433396812 +3.70933391511456 +3.23861906270188 +1.90273718660562 +4.07663529143033 +4.35908537063342 +2.50926205021183 +5.22892984920918 +6.86205678231577 +4.37735025970618 +2.94688805909134 +4.7889213267733 +2.84236940353653 +4.99332241461785 +2.3517598542987 +3.10979925572654 +6.6420230291337 +6.88839082557042 +3.23903491514075 +4.12246896908779 +4.97640463015192 +4.41752410548649 +4.17536008448664 +2.04068485607824 +2.88838459681325 +5.58989939313484 +3.73470313162008 +6.68829433783362 +3.09685376890361 +5.08255764567507 +3.80683425674667 +2.53920899876687 +4.40811074971279 +4.2777520087594 +4.48266297749622 +4.64113995560069 +2.87827275954256 +5.23367242599664 +4.36919845729525 +2.6688776428143 +4.86582808726675 +4.16136935058063 +2.41001594981673 +4.59420470019225 +3.12627509675805 +5.64219996462113 +4.69008267183677 +4.28675763554625 +6.09473104612681 +2.93552754713187 +4.34047747762036 +2.70858517305438 +3.23402388970726 +4.64472180147964 +5.74178548146963 +3.13808169716343 +5.46915275591947 +2.41336583789469 +2.12794930350445 +5.58883242451224 +4.77648377069036 +4.44564222481094 +4.222961266657 +4.6498424148642 +5.13325113508681 +4.74988986922404 +5.39584774547774 +5.76199981596005 +5.82074196929824 +3.08916762813365 +4.11044756578322 +4.44354275688962 +5.84469344758917 +7.85592570159984 +4.80105110888485 +3.74192397070299 +4.51449728069466 +5.32028715844237 +3.72704214117954 +3.92620304767594 +3.48634613744074 +5.19264386172897 +4.06957785000747 +4.00996165036982 +2.27370593478037 +4.08901695682262 +3.85565393460258 +3.30727830449862 +2.1110995996239 +3.89754225993765 +4.91324207834653 +4.82902053475451 +6.22639737863986 +3.09914104084038 +6.73489138611454 +4.24151449460516 +4.68195205312688 +4.36118795434646 +3.85138793142473 +6.39030848726815 +4.06863663816934 +4.58809642316752 +6.59313340811697 +5.79123343691227 +4.27436602128398 +4.99158702714195 +3.73171666221161 +5.20394865094607 +6.94961701441567 +2.2002085303697 +5.6580914892214 +6.5632621674067 +3.91288504515869 +6.68987705546172 +4.95981272705027 +4.4561028481424 +3.16376070193921 +6.45429121646868 +2.81948716293395 +5.28152026783892 +3.67220481783651 +4.84024243780041 +4.11283647136425 +3.59127370571688 +3.42930812198649 +3.60928310279555 +3.68433553419865 +1.72861390926587 +4.0863879667643 +2.92395428767007 +4.12789507551452 +5.56871981795889 +5.33489813235485 +6.67956300918917 +3.56394062331362 +5.03631771663512 +4.12107149100294 +3.20354408959973 +2.69673134703901 +4.5472075891704 +4.15208561690887 +4.18179951466549 +5.09364812262224 +2.95694764926097 +4.55510810304628 +2.85402238901219 +3.51691281240497 +3.71126490022104 +4.46975566338461 +3.69921902615854 +3.77177383228089 +4.50899567222248 +7.19274892207634 +3.8707669787985 +4.7365701981516 +4.42043402675869 +5.04120592332545 +4.56611383290076 +4.1477879528969 +6.0584477147981 +3.74673430560193 +5.88214939863548 +5.67818724042496 +3.93911051757893 +5.29995465698408 +6.44935491337664 +6.66487394651056 +4.07610373828133 +3.04507760335523 +3.21963248535193 +4.35382487852956 +4.44966516171869 +5.88571716126154 +5.74420428673995 +5.90699253587957 +3.31016643044463 +4.22172860235724 +5.59981524419424 +4.32045977684557 +4.26889005778452 +5.22214732226448 +3.29122246754593 +3.46763742488201 +4.36939548479538 +3.41298807272536 +2.61640353906471 +3.42583588604747 +6.98790476398561 +4.98719258161486 +4.04671671762992 +3.93868881645798 +3.85484366737712 +3.2991084151675 +3.99463240349555 +3.08420300586974 +3.45056124451681 +4.70731642282008 +1.05665625907488 +5.02470958030929 +3.17659212562468 +4.63541692264692 +5.43291372642239 +2.94378591320588 +4.22115080131784 +4.40216544577389 +5.24000945932973 +5.11307163268807 +5.73918326130131 +4.85693837471254 +3.89271569533112 +7.46500000712966 +6.38081525241845 +5.20149185904569 +4.65593306682247 +4.58750336749745 +4.92161335201593 +4.05609010328476 +3.70169047756566 +4.987857436551 +5.81669075232029 +4.43585004485851 +6.4461418665719 +6.39066315601136 +5.69123117295707 +3.33197754192063 +4.13639252896884 +4.46685061304323 +5.29891750005113 +5.59486561955503 +3.72335742556426 +3.6290405096079 +6.55968724690506 +5.47964851551373 +2.81263016657309 +6.30430306917733 +3.98360660713026 +3.86586579709277 +5.22726292388412 +6.6020020474572 +2.92951238443488 +4.91823146619197 +2.9604801250978 +4.32662193215419 +4.34187564793184 +3.73199608276043 +5.11809318849927 +3.80908251809185 +3.46749856484971 +3.67279981695965 +1.86437009908731 +3.70021734931872 +5.73058969668371 +3.95807642344524 +5.34289870737593 +2.79340252982958 +3.00017376860969 +1.62581756939071 +4.55644030874879 +2.83876178666682 +5.04951661333702 +3.1132945180038 +3.67170312792876 +1.77319687220945 +4.31928512328975 +4.83303293039133 +3.26648171561189 +5.23072928998876 +2.25469966187502 +4.72849035603095 +4.37972936050636 +5.44503989498579 +4.79553800567377 +3.68419666455351 +5.79691264215823 +4.96894464629606 +5.50925094528022 +6.36029462349196 +5.40341673191201 +4.89966108721443 +5.81839411184735 +5.82741146230172 +6.04888206033789 +3.53140381704328 +5.87375724145899 +4.70041121583343 +3.89969969322202 +6.15051633948485 +3.28451560223753 +3.92118856932741 +2.8228948825654 +6.62070275250685 +3.51648407205064 +5.85502052312623 +4.27320090808856 +4.52401764071994 +5.87017401579037 +4.62967794317409 +6.36378227646688 +3.92191657206821 +2.38044637060899 +4.43686543339235 +4.14777227193087 +5.19829636908994 +7.65534718945793 +4.26067316053199 +2.111203535966 +4.14393095560918 +4.76729228341726 +2.69437344773479 +3.05078837233263 +4.64476276304128 +5.85130471068871 +4.11600362064973 +5.88598140360798 +4.63488574679896 +5.69638707452054 +4.45712234687235 +4.5080324769911 +3.36268334101445 +2.88375170113047 +4.53253075992108 +4.43776745268285 +3.10382429109453 +3.25775917429998 +3.16486536684118 +2.07430979850262 +3.1077326478386 +1.93111118702971 +2.90706885628457 +7.57004361937098 +3.3451532548439 +2.09340570780808 +4.47785829356819 +4.79922822236239 +5.44546163965955 +1.648014359022 +3.82221102742583 +3.63608034549896 +3.64776204398615 +3.99650521799771 +3.77349647992736 +6.61612675810132 +4.19581432070754 +4.08792804474104 +4.79520413715075 +5.91329300785727 +3.2768893462337 +3.63747834915863 +3.75636486394608 +3.73983624886634 +8.95274600722217 +4.55706277194545 +4.93952318996087 +3.79452501870557 +1.28675768711973 +1.79323791245417 +7.4779655307559 +3.26905197617999 +4.19761091417269 +3.50216193773542 +3.53888500764064 +4.35142984341933 +2.77429702573802 +2.81418408247867 +5.67569123634089 +4.32699201859613 +5.72065207892925 +3.15080214999032 +7.77888026030387 +7.53233944348401 +5.3954848566811 +4.5957898342549 +3.03427760695347 +4.53090264941136 +3.78059808355128 +7.34701649247637 +3.59015483629662 +4.67417818497711 +4.71587149479234 +3.9592855830673 +3.78977121003675 +3.77893594282018 +4.08048847652646 +4.61824682196629 +3.88223052709211 +4.77150192721802 +1.20364806976036 +4.8994043139788 +4.10987078878598 +4.5243626972422 +4.17167618493359 +5.28201039624162 +2.17482868690517 +3.97978900815686 +3.41814925932269 +4.58076864839486 +5.09931064762025 +5.44814545408478 +5.0900293497497 +2.52941449911941 +4.53508818129892 +4.65228158888559 +3.84679628196217 +2.63301874245976 +3.1126913798984 +5.87863045677897 +5.05329726920263 +3.86720138992918 +5.69520475064024 +4.69864973445382 +5.35010258089619 diff --git a/src/ICP/Test/treeX2.csv b/src/ICP/Test/treeX2.csv new file mode 100644 index 00000000..98f7e47b --- /dev/null +++ b/src/ICP/Test/treeX2.csv @@ -0,0 +1,1001 @@ +"x" +4.07730312273692 +3.70313135784338 +2.81675775956733 +6.0112926884239 +4.99160103605937 +7.59396745390374 +4.62728872907083 +3.75038906695768 +5.15942452685555 +2.8857776521564 +1.47149931114961 +3.06409744148669 +3.03276054206443 +4.0474885923278 +3.59626320650197 +4.23149612824463 +3.57762759207325 +6.3741183946953 +3.63399422500299 +5.19010144652106 +5.26267247474277 +4.29066664543927 +3.11515043171554 +4.20800647887083 +3.95226982752147 +2.31547935386141 +3.85577344338105 +5.18021366550265 +6.6813999231995 +4.14324763088755 +2.80768355628708 +5.16922865278909 +4.07920170894537 +3.54822624723132 +7.64202821280077 +3.23040767840048 +4.30336096075785 +5.28173742118351 +4.60222279517043 +3.69297773546316 +5.58158189657736 +4.35513553004609 +4.51348111459956 +4.01860740032874 +5.31844897225668 +3.93416800016185 +3.2997039216823 +4.53732613152134 +1.79821767764608 +4.39197374379841 +4.49696095242372 +5.7751252845701 +2.88285683466812 +3.60500539668612 +5.54983034223631 +3.25648552020133 +1.66828788227043 +4.81224544220921 +3.49868934279865 +3.48911343404764 +4.78463595884499 +3.97744137165278 +4.70123930042971 +3.4125179744102 +3.39327205858121 +5.09664021500029 +3.7524903229197 +3.84009828667675 +3.37422174926493 +6.90043463560024 +3.00580637073377 +6.84925038588036 +4.80570228897644 +3.53239906400878 +4.84842031372334 +6.98676986359602 +6.57562028851936 +6.02484204541817 +2.03764680877496 +4.83507906936241 +2.62348078626917 +4.16767993446977 +5.58462907915972 +5.67788895297625 +4.48829669839496 +4.87867326256032 +3.85512512597012 +4.46897176007421 +4.37623547712948 +3.23895972494352 +3.70670506624914 +3.86515873559248 +5.39384581617302 +4.96301131030171 +1.88566485219634 +4.7682782182044 +3.18383937924651 +3.56389307683943 +6.90470503128281 +3.23691373545168 +3.6589330203622 +5.50242453423459 +4.5283077123164 +6.54219135546431 +3.86332664428212 +2.86326614669727 +2.50337284564421 +3.7766143564434 +8.00171922777288 +4.22170381621362 +6.16437290924639 +4.33262360885001 +3.61479200090857 +2.60124597344211 +6.67574079585182 +3.57631391131802 +3.70139848806694 +2.20765827314702 +3.7519917749319 +3.75269608162539 +5.74448962147365 +2.21306189990743 +5.78466281602476 +5.76358634774588 +4.6896002219341 +2.89925935557608 +4.71450935689781 +3.75352968306598 +3.6802138340728 +5.3626442929547 +2.77211741001732 +3.48878076724953 +3.26880500093504 +4.01975200687679 +4.42713608529001 +3.29666673017171 +4.71593208890767 +4.46521490642311 +5.02609769359571 +4.55921773046833 +1.56736025459433 +3.65951507329785 +4.71303319485023 +3.34096261351087 +3.96359737743351 +2.40671369847309 +4.84779279724777 +2.14961115133939 +3.67634936830969 +5.74475188749683 +4.06092122730675 +3.17650837098112 +5.82973048483604 +2.5700837842185 +4.25413714300459 +1.06022630466402 +4.00241580894347 +4.50966557126194 +2.91527999888604 +4.70483297687757 +4.33097634999421 +6.97632747297637 +3.15666011960126 +3.02942009513709 +4.22846865135707 +3.67752965835405 +2.6611992576455 +4.68815602814606 +4.07128065225058 +6.18975235927918 +2.84229240069852 +7.18168806409233 +5.47263163839182 +2.54337198868924 +4.57296737049317 +4.56662229532779 +2.9448149814735 +3.26688812257805 +4.2109072642513 +5.00107927293899 +5.07785032320562 +2.80102561749213 +6.21663703518471 +4.14308702978893 +4.93424990894702 +3.57137658929822 +3.34382052322865 +4.95939432685761 +7.55605263610222 +2.95920356621175 +4.93057240854025 +3.92455406898781 +2.03280465094904 +5.24409635735481 +4.46114916050676 +4.14510663104787 +1.55768867891858 +6.58031868545157 +4.65505199848675 +3.69549116274058 +3.2924317673827 +5.97157201447823 +3.91000131935225 +3.98598274806808 +2.87654306288985 +2.65586987662379 +2.47684422893791 +3.57803178961783 +5.36092446408098 +5.75379484533487 +7.56836473435279 +5.29675556994775 +3.76240374855639 +4.77584986431929 +5.67218731985993 +1.58754972372775 +3.68620712655661 +7.65987870464572 +6.13095310060752 +5.09588868268959 +4.48934095694391 +3.22108970455135 +5.74355935292935 +3.92161271466893 +5.02444620747745 +4.07065982473857 +2.4814004711768 +4.86377903279132 +4.50156838536437 +5.64521867035301 +3.51157111240881 +4.9362939472927 +2.93759161357786 +3.01617912829561 +4.42424787702008 +3.54868651944737 +4.9250847967239 +3.80137919018769 +5.1948510169004 +4.49554470518015 +1.75484742590703 +2.66462863958178 +7.28277520617769 +4.69079590417371 +3.03293733214169 +2.65420631497989 +5.03366538931573 +3.18822354033695 +5.80172547861817 +7.77154196037941 +2.54530863019761 +5.15434568742436 +2.74952034067582 +4.66728806790418 +2.70923031236237 +1.96499646153109 +6.02134699449252 +5.00597348761217 +4.817123601225 +5.33601171642276 +3.9887187687496 +4.61967725620979 +2.7187612580358 +3.87573867362395 +4.17574165450177 +5.69277379447271 +4.64213271720693 +5.28223303234921 +4.14054697354738 +2.88749731681943 +3.6603230280381 +2.33523536073753 +4.92885176172027 +5.41682683471578 +3.93727922237299 +3.01909766390213 +5.08715025123701 +4.13932702656069 +3.61372790232621 +5.12358542318002 +3.24015434264241 +5.14895910322903 +5.15752374106325 +4.39141334039277 +4.89137724231864 +2.66474128744568 +4.39812347783493 +3.88841319705117 +4.67574391664229 +3.21140206462078 +3.91301366594251 +5.38228400775579 +6.16849016380803 +4.82319094827512 +3.77910540238356 +2.97060834528529 +3.98907430915287 +2.77500884455923 +1.40388861155003 +7.16912259199149 +2.91309118302257 +2.17391698735359 +4.99528180729257 +3.98813821856926 +3.40037160524839 +5.8220520133979 +3.5740186581977 +6.99665877645507 +4.72766070850153 +2.27336940413649 +4.35339849564175 +4.72681366589956 +6.6682609759767 +1.57568269071579 +3.76464257498472 +5.97963332091796 +4.79679453863953 +2.29072381935414 +4.33633128811656 +4.49110955231555 +3.82594451442771 +4.96129056387748 +4.29382666167731 +6.08099936350917 +6.18366184279928 +6.16625503539133 +4.73040093378575 +6.34949332061946 +2.58799459257467 +3.98303850721776 +5.45568064737834 +5.80011233335541 +5.01144017617923 +5.43628344409337 +4.20542079537502 +5.16546195019875 +6.2363228395069 +4.30226507616885 +2.95749339776897 +5.01645768650419 +8.00571858043419 +1.92942851614252 +7.05574236888186 +3.7386494059127 +3.54560674088628 +4.15756055546395 +4.93338872786526 +4.30282827583435 +2.04384977752752 +4.35353670946937 +4.45042451374242 +4.6595508705345 +2.96857927239261 +1.62897711863852 +5.67542369217548 +3.05570124909026 +5.2341100015569 +3.04622073328008 +5.60199555014548 +3.68878293707639 +4.79609271323983 +4.98642834387578 +5.20546833758257 +3.69118202848479 +4.36144476602559 +7.39879110483801 +3.9439295803576 +2.30112650844589 +4.2318525451413 +3.88090932902944 +5.77249285346043 +4.3434221654436 +5.37695021764527 +3.56047770617147 +3.49470321045452 +4.18603513715747 +4.17641779759948 +6.91584820682478 +4.32017672618094 +3.63331270287868 +3.05938870482026 +4.63470293141953 +3.93751151767167 +6.18283786769179 +5.10364101842281 +5.75203561864876 +3.04618353986445 +7.64408045682029 +3.13326647054908 +6.26635219219476 +4.22237049485536 +3.72309149010767 +7.39425304101804 +3.34108800022199 +4.66053128051329 +3.9867442998567 +3.06851970126916 +5.21468914346638 +1.91165963449117 +3.47384753058738 +2.45859743309274 +4.19432106990127 +6.26442254944098 +4.88126483129025 +6.65095295614707 +2.967099761418 +4.65920149941798 +4.23782939962771 +4.71527594710452 +5.06151696080615 +6.0953540096781 +3.53718058004366 +2.53111784390543 +4.15268650552153 +5.77376261131718 +3.35192906648495 +3.8001825243318 +4.68924373297718 +4.03614550983659 +7.94353631225286 +4.73721373378987 +6.32133393302204 +4.34890934629397 +2.86608333872408 +4.42133526790432 +3.07544374318581 +2.99293763388066 +5.81052566989639 +6.9339167001786 +6.34390999957798 +6.81402027646355 +4.9153410022806 +3.82814786957774 +1.59776888639094 +4.79590685173084 +8.16911586935979 +4.05838349945969 +2.64508555047232 +3.63244923444595 +5.06548242084475 +3.95836077992838 +4.67611200555664 +4.86643614680554 +4.23517502481331 +3.06602986672357 +4.8132521672816 +5.34831855513005 +8.25188277593107 +3.50634756553408 +4.4740925991525 +7.19369166611409 +3.88360452847788 +4.52485855576848 +4.21442148127842 +3.86555046546314 +4.16850910287503 +4.96473276953 +6.4087789140044 +3.53356178482549 +1.76021702417823 +3.20493681487516 +3.98004488265636 +1.48557487803569 +6.21095203169735 +2.51123777008723 +4.83924812438077 +5.45773822495573 +1.81012405128001 +4.73906268112837 +3.65599123145724 +4.45587674151169 +6.8781102625448 +3.04153607708768 +3.29415515425139 +1.00305069677222 +3.03894767595516 +6.3801882539167 +4.50506758958203 +6.02705600379976 +4.06462702873963 +4.46365864840187 +4.07477833269354 +5.51316376416456 +6.74891082086261 +4.46423458088964 +4.12942045839347 +3.18453934838972 +3.95984954826457 +6.78141697768025 +4.67645274746263 +3.51734747443205 +5.33088653203649 +4.51280132192226 +5.04890992895349 +4.12105816310294 +3.68670711462047 +3.11932926998855 +3.58071310872781 +4.5172483219782 +3.30268180059988 +5.13496508865819 +5.11193184503695 +3.12922236639466 +4.21073158507284 +4.06939564737446 +4.33735114715808 +4.81083998017723 +4.08765420395292 +2.75324657120496 +4.99815444505731 +5.45912725548574 +3.78362420921975 +2.37806270715802 +2.54903603460064 +4.35090973068782 +3.82545307126878 +3.40857152978384 +2.66597273910392 +2.90270149880772 +6.03610360936432 +5.67351040662517 +4.77400521202148 +4.78500640067928 +4.76324608034589 +4.29480875956504 +4.74764407582734 +4.99049624723034 +4.75139119454593 +4.69164648741724 +6.52754009706365 +3.46646042642266 +3.60162398590636 +3.21043054950517 +3.76985886372945 +4.8771848416518 +4.45373317754117 +3.76753585227659 +4.87000552469028 +5.65600373414682 +3.99363107108516 +4.47048945310776 +6.27821864906474 +3.02209705898189 +3.07341385785405 +5.9197704626212 +4.88127778777618 +6.74208177192648 +4.14757340404943 +4.48538856499227 +4.15185603954598 +6.04199875408727 +4.22342231194305 +2.98953491399579 +8.40122210197122 +4.80196179027088 +3.74879204104435 +5.21288937082924 +3.37274191399512 +7.71115850747586 +5.60562644697724 +1.67850914354809 +5.36411919539957 +5.13222913272875 +3.22568368064129 +4.58962503400641 +2.16547241930336 +3.73098646206957 +2.16607142272033 +3.18553198122502 +6.16357212237862 +4.8555192220504 +3.18003687312026 +3.87639724002432 +4.25494823604143 +7.71892633823732 +3.04145647247288 +2.39568973823952 +2.1543905782892 +6.55573718528977 +3.93988080864963 +4.77208630439313 +5.85916061284265 +4.39309392551426 +4.22421857415945 +4.02354198516858 +3.37703734023521 +5.26200938062639 +3.59422595722423 +6.66676377144248 +4.16463915453013 +5.78152447478717 +4.71121396432388 +3.66230884413763 +3.99085104773265 +5.87469079158657 +1.9091539030277 +5.69739389482069 +5.06388115448751 +3.23338336377473 +4.38200755917038 +6.24189590360699 +4.86724058894758 +5.48990741365323 +3.75175289503103 +6.18358370794345 +6.40487100943975 +3.00587553069058 +2.91457067043273 +5.95145744547028 +4.57608560051221 +6.07383053184461 +4.70594557130222 +4.33498010339135 +4.54538780592462 +2.59709409405873 +4.67705389094388 +3.21019955385709 +3.5342711105659 +3.89514793476521 +2.35214891269466 +5.90046304802864 +3.5601423631568 +3.28148854806154 +3.44540240366509 +5.24548917675143 +2.7410786490389 +3.78461551857198 +1.52803828988054 +3.32583067989393 +5.49870281457008 +7.54232578795203 +3.03798193476324 +3.12782046355859 +4.60237038209564 +4.17980516681641 +5.15409198778734 +2.80146638991351 +3.57427559852598 +5.3663086088475 +3.31570260534134 +6.68551220837628 +4.38950354281374 +4.69460407619469 +5.21688801110113 +4.79517401827231 +3.5117974905742 +3.09600654536984 +5.60958158191307 +4.81406341514541 +5.43575071981657 +2.12579468123068 +5.8570952890789 +4.77190400974234 +2.84088206983246 +3.76208447232966 +2.77780667397775 +4.11680621292563 +3.86750037198648 +3.96631522396237 +5.37767358177253 +3.29063653844707 +4.87144541440875 +4.10513801903717 +3.81306473242614 +0.786811467579172 +2.72438129683615 +6.76290631788638 +3.59318485655719 +2.79168221611939 +3.56067734312165 +3.62441925405702 +3.49855760485329 +6.49661257577875 +5.52088093822893 +4.98809182781136 +5.24612253397107 +3.67013267250152 +4.84434471398894 +3.01892424475368 +3.86077859488254 +6.1854379064735 +3.98717199012139 +3.69469107402931 +3.41578653934769 +4.77126850187266 +6.1061893617618 +4.41215703684704 +3.73873512190604 +6.07378364600369 +5.22116977655906 +5.1315325132809 +3.57865487191635 +4.97825262998027 +5.21830537874678 +2.20023932510461 +3.69175006164928 +4.01551524334874 +3.55768228133307 +4.36199226711881 +3.35859884381715 +4.44296425554935 +7.92316365296288 +2.14317037160014 +1.89388156440497 +4.69764852694435 +4.90744440772833 +3.80401180111598 +3.7931795120444 +6.7250431704751 +5.3987189554318 +2.40944485057277 +5.30449707663973 +4.19601173369765 +3.6606565545143 +5.26514414014378 +4.93977368507344 +5.27795248593622 +3.7088398563652 +4.77617244968157 +4.29572563321119 +3.48280044521858 +5.75723302433968 +6.16172681885512 +3.94531562416187 +4.52897160066883 +6.38973452125561 +3.29422858515645 +3.94682152490757 +6.60644448878565 +3.92740689521673 +3.70372810856967 +4.734330336062 +4.40148074643659 +3.46169892396027 +2.91727718908293 +4.84780140750412 +4.11884501500681 +6.48224722277616 +3.70867519527588 +2.34788972852273 +4.06909459827588 +6.39057669996185 +2.53822831369896 +3.01519370725227 +2.66394625549705 +3.63486838826695 +5.38145424797967 +5.84668274424582 +3.7444283657601 +2.71137289640292 +4.06526641700069 +7.03532642142089 +6.26021579186023 +5.31469627531537 +3.12997665431294 +3.49686996461491 +4.60745555525587 +3.98995858374543 +6.27533029961876 +2.68770121662865 +3.57347013265645 +3.0735957523201 +5.07144207538876 +3.2810993977779 +3.58520943048189 +3.99433210685947 +4.63344891949485 +3.49081922634404 +5.14299138067127 +5.61616757681286 +4.99386640683833 +6.6968458594058 +5.6999706729654 +5.02225805473732 +6.04881758195934 +5.22644932416057 +4.3070230119776 +4.62433298392666 +4.06134144245102 +5.88917420857105 +4.4237664399307 +4.74258984581865 +6.14232339810565 +6.08977295667316 +6.16979432712752 +3.89212221107895 +4.18199449457932 +5.14592817832429 +5.47729882260241 +4.40794415253402 +5.11427873521406 +3.97292415600644 +6.49772220334728 +5.18564001363487 +7.63957362674029 +3.94599740440594 +3.33185268311338 +4.44580795741534 +5.59417475363622 +4.63528314452157 +6.34124839913454 +5.31616716303968 +5.04022351633864 +2.79442478861917 +5.56757305821464 +4.22528579979107 +3.07758934255939 +4.92622758959781 +3.44764171443761 +4.59046140113699 +3.47272458927508 +5.34184616376387 +4.24384462848659 +6.19588078939431 +3.98448027137377 +3.70242267184822 +5.83232085293856 +7.15647857993652 +2.66123599078268 +5.08676877525818 +3.64931580330074 +4.7347232445509 +3.94158551621625 +4.65418709574725 +6.34690526927783 +3.36159535301578 +5.12439235451868 +3.17226696918511 +2.21221986248455 +3.14598999743573 +3.42797727764365 +5.17406932129084 +5.76241590595354 +3.40467350389229 +3.5892578052404 +4.32799143840865 +2.8363533883103 +6.76017766502241 +5.99744416394961 +3.961772229085 +3.96376258001998 +3.69877092056344 +3.44435389556853 +4.84729541571529 +5.39082051104259 +5.23124621524982 +2.88666253784785 +3.20394610733643 +3.91048012285328 +2.94034311213855 +4.39568780601993 +4.79135066602523 +4.06815652805898 +6.61439599972809 +2.79693224717281 +3.65954516463937 +2.82875136557689 +3.17058523236485 +4.22921204180505 +3.18500708171726 +3.00655448538655 +2.69383154099082 +2.56577822849212 +3.13715206676333 +5.70379920381415 +3.34436740352603 +2.88683137437405 +2.59449455363164 +3.84935631321236 +3.60599308757122 +4.25206931974788 +5.71729356226804 +6.86766761253418 +4.72009112128767 +5.05606960140852 +4.24350206037839 +5.11436266207131 +3.92344728627512 +4.93292505395037 +5.84201826133085 +3.31849048519739 +4.77989890857486 +5.29108700837563 +5.25132040215855 +4.57607752614667 +3.94790053606904 +5.36966282640452 +3.10166393448925 +5.51268587551728 +3.76325070724539 +2.7511965784036 +3.56999066361448 +4.09329943646771 +4.83304108871048 +3.91506752188113 +4.11185303901226 +2.96056405715103 +4.79642281352093 +4.09990337615796 +4.73695975319081 +7.54688133441627 +4.17892097186338 +3.71745340835676 +3.23270122142491 +3.42359575975688 +3.08514415999924 +4.36991096128738 +2.53231563669831 +2.25463802159192 +3.33261819607854 +5.08427900648207 +4.12283164143216 +3.5057506052469 +4.6695881839145 +3.64852114666507 +3.88501959911892 +4.07298694180132 +5.08877461255298 +5.29256873846574 +7.28251129409906 +4.97905611829466 +6.32946978342909 +7.8796357177335 +6.04289903105136 +7.32857637262015 +5.78033135626343 +2.9599525684487 +4.19294978270913 +3.44476374812076 +4.27499088985136 +3.44948659491405 +6.92125989309349 +6.18945599237245 +4.96399479008248 +4.74181847627266 +4.03735656495947 +8.18083368623473 +3.92041479649253 +7.37629502882361 +5.57531667679071 +4.16037697840795 +2.74677992709707 +3.6700695126863 +4.45708982566259 +2.69589624256562 +2.70882656115478 +4.90637973166873 +1.20403850478877 +6.2335605713203 +5.73096406135084 +3.34145494498286 +4.06334579307058 +4.05447683906499 +6.24700932343664 +4.12403554790576 +3.46474330039239 +6.25848259138596 +5.38770886795755 +4.66717044629968 +5.49704945208069 +3.72511959655629 +4.58307584337074 +4.50335852628182 +3.25675231802475 +3.18312241454614 +5.87028368106197 +3.17274695595374 +6.95071269358428 +5.7338276489393 +2.9009178183034 +4.46578245692639 +2.79369014036608 +2.04997472714069 +5.11595997036818 +4.9734059852016 +3.41902868416452 +5.73676738151204 +3.82732468184678 +3.06200746825094 +5.71540634020695 +3.41098189833304 +3.55606857397109 +6.05999657346923 +4.08223294886521 +4.75839752368717 +4.53966299090334 +4.77664764653249 +4.13217166467444 +5.19313470020926 +4.44935008578659 +4.41264145683315 +3.59638595088801 +3.61191172252258 +5.09518774784029 +5.34048004305313 +4.11440554667565 +3.60773537971838 +5.65235784319754 +2.75630239122539 +3.08807412922044 diff --git a/src/ICP/Test/treeY1.csv b/src/ICP/Test/treeY1.csv new file mode 100644 index 00000000..dcf4cfed --- /dev/null +++ b/src/ICP/Test/treeY1.csv @@ -0,0 +1,1001 @@ +"Y" +31.6073867833189 +138.544511278714 +33.7178133457309 +20.5296817191148 +84.8714033086751 +75.1148375810765 +68.602122074931 +55.9727283292537 +76.1230593488028 +38.0385106752024 +86.6937814362064 +27.8271924218933 +63.5123572813295 +128.756791114189 +59.3533051082533 +20.4100653116467 +58.7013895590873 +142.181793701131 +98.1695818644351 +63.5523080363026 +53.397470665771 +125.488206887742 +118.125050444846 +122.546778809953 +43.5351282027884 +39.0403391195052 +85.7512251504403 +62.3164716328372 +45.0113203094719 +74.3660640062951 +75.8492646528352 +29.7850210640936 +76.7432022013716 +31.9936075108863 +31.6094648874665 +69.7890192750745 +38.5557695433309 +54.3381722899426 +116.993715510716 +37.4809009755257 +197.696326821441 +66.2412851106544 +33.2171251569823 +67.4235396710189 +44.1546431258433 +46.0257856054933 +58.0515544076579 +99.5487527423391 +90.7382649254693 +29.1565192099378 +46.0308707240667 +75.682773516154 +18.0957099604402 +42.917169464585 +70.3940291037899 +75.0588400312684 +106.255116903903 +34.3535882394163 +38.1309093102142 +16.5917833738374 +25.9328216386289 +95.9909143993595 +42.5429415515173 +30.832735882286 +62.0773379339309 +28.3947465732103 +67.3763564275178 +55.087035606668 +48.5151048568202 +58.4759659963924 +48.3341128554576 +47.8539808240119 +30.6134488349574 +40.8180172622811 +138.827554318924 +38.6827781433221 +54.0377501145094 +93.297068450064 +43.368722865883 +27.5414312315124 +21.561655210832 +120.280192406927 +52.7683009505989 +178.48680390576 +63.9466819958263 +103.575474305494 +61.3781778497959 +27.4055784051111 +43.0536714047567 +47.8692951521511 +21.3401318668157 +58.2579942248306 +117.588851025988 +34.2710441188023 +52.6539249813561 +92.3892318685712 +11.8817922168714 +54.5684002570802 +62.9690973797537 +30.9290195764854 +118.172370472951 +72.2408028482163 +41.9294184455581 +43.2139824881221 +85.9476822577042 +31.6466515689266 +131.121364391919 +33.353534023962 +17.0600282488182 +16.1933730776134 +34.3732964361266 +53.6675875783155 +53.3297050602666 +61.1730279808899 +84.3833287171713 +35.6577096369717 +79.7611230394302 +49.5070890320127 +27.0774466101788 +16.0317313102674 +53.1816691247418 +102.835144616724 +72.2716351829957 +21.7957846309074 +67.0775564878164 +42.2556697889468 +49.7784377465227 +70.0222286018138 +48.2488989057078 +72.216945561856 +101.181675081586 +50.9495375716237 +48.1587199614338 +49.8195528937544 +105.07348288638 +110.389523558073 +65.0667905394679 +34.759511327682 +54.0888808545371 +34.1243843347012 +92.1175623800703 +44.7013761930083 +50.1960694908248 +63.3502269929801 +72.2206675796648 +24.6000607294604 +112.775494919266 +52.9669659780091 +74.8055050260487 +69.7258894703988 +144.789857399163 +25.8433682497876 +33.8833257849146 +81.3496680570872 +35.6044831546813 +61.2556504716009 +89.4843095889543 +47.1226925517199 +92.9175940760743 +107.24729308703 +24.8274901578496 +111.748880998111 +45.870564763018 +57.2689134684229 +119.475642391275 +62.4991904707455 +80.2214221119333 +136.1483842263 +111.677023602334 +73.5857313585105 +87.2319067996708 +71.4032274743176 +89.4769624551524 +76.176552058686 +107.111291528768 +109.556013765648 +18.2069280041504 +165.363685462764 +111.293448399283 +94.2259276651068 +25.3530480384376 +82.9980616162096 +80.2734275756392 +77.2078538896424 +91.2702737626622 +122.649184608976 +57.7013097621192 +45.3154864761851 +41.9455216520179 +29.0840606594231 +31.1480271954334 +31.1369318388783 +149.722039092667 +190.145493044779 +54.8467090684252 +152.570704452753 +102.42004355268 +41.5991619914484 +61.9761762765093 +57.3869693833023 +65.1962603148607 +44.493008597845 +45.1616647627725 +19.8299795308133 +21.0589009393651 +11.4254071415088 +71.7809115217036 +86.5680250855821 +102.013548137362 +62.2574550868999 +6.30849031042595 +39.1523272796241 +121.168927571177 +47.6072408140863 +144.512696086666 +28.5563019841335 +45.6328133629447 +49.2930092961133 +55.7522396535505 +99.4927574145279 +17.2540212063411 +52.8025453098362 +31.6848940847819 +24.6531889542316 +21.101755563153 +114.54960729113 +27.6090273084157 +73.070414541709 +66.4531087585949 +64.8926916100864 +27.7192730550174 +21.8506922221222 +59.3422371293456 +61.6017331819229 +9.61508010667006 +43.1106542725122 +122.873159876716 +47.5091167721768 +50.5935994744313 +46.1318442233178 +25.7751317864163 +40.8654320034992 +78.657368340518 +41.0160867208628 +34.2734633327461 +98.9376491108892 +31.3412232805596 +62.243180280434 +103.891011421693 +16.3420324864583 +59.2309800208842 +41.5006632461472 +35.1519839823576 +30.1160061365612 +40.6934591138212 +28.413533560644 +188.035549508383 +59.0875760800558 +75.6835478402515 +89.435047413232 +12.1168288274303 +26.1308445912951 +35.9608861595059 +37.8095340316374 +29.5552097993691 +53.6118587755961 +37.7301735785872 +61.2884615193858 +84.5768196162736 +22.1916770630139 +39.1334668626364 +100.172030515299 +44.8492843898892 +83.5974166420375 +73.7472812233053 +63.7439712842285 +32.161467498002 +62.4624098056885 +72.9459044986162 +47.7767547146658 +85.8195971763992 +99.6649061983196 +69.8598414506914 +56.8732664069855 +64.5735368749527 +59.2413117977299 +41.4682557239559 +40.7096682968556 +53.3364711727082 +42.7595883300738 +41.8731568167692 +12.6825892633912 +95.4381892176356 +56.1667809190389 +33.5346816048858 +121.321843770983 +53.0628152755395 +40.1349305729059 +100.120066968799 +52.6819328099009 +40.4823649701561 +36.9212656550327 +33.8386539197197 +128.158243652847 +68.8808799838357 +12.1091452896619 +44.4178028580525 +35.2250362995427 +32.785921548647 +31.9203297568873 +24.1110297061937 +50.9097219393914 +50.2916185491422 +90.4577294058081 +92.0946438601765 +100.313872371599 +146.443479526118 +145.197671018252 +67.2227267452362 +60.2413631001316 +65.7047687217828 +66.521624714293 +50.0616997756733 +42.7863561269478 +52.712754133544 +167.864350209383 +21.3302790217399 +45.8537988430966 +185.579393627731 +86.0029128672698 +50.5097900432844 +30.969912563102 +39.9100918519291 +21.3111065528959 +76.6632563809057 +41.7242005235986 +81.8530224509776 +50.3423597302484 +53.5691641393884 +39.2921007671351 +122.797330881878 +59.8762192209755 +30.7914222887624 +94.7040815884394 +77.2832571731684 +74.6496803896845 +78.8454632755734 +100.992244068978 +50.5372346223603 +80.7538679724549 +83.4871386485336 +60.4348363216001 +52.0251525970348 +107.723899447062 +96.8849212503388 +83.0720787022958 +66.2694475151384 +160.781956974054 +42.3487889115764 +74.8536149075076 +50.8132579220576 +29.1282420941652 +44.2096229498905 +74.66155335606 +26.4899768003991 +138.716682930668 +21.062446927154 +29.0230514040685 +43.6395282808211 +54.3728260939557 +125.023779806443 +75.6641499206771 +63.9024226810586 +79.0244988332789 +42.727045703527 +94.9252017592403 +8.92617540632824 +57.2657196624285 +35.4341297723872 +71.6046023918652 +34.835996889514 +44.3309543645925 +90.7282156460415 +107.744160204954 +93.3561940819053 +57.1395793593763 +84.2994999304822 +84.2109414141061 +34.7338792441045 +60.5123670345945 +139.498816270161 +44.8726737218169 +31.0909603529771 +118.375040454938 +37.0645079798319 +86.9362123925288 +76.1268812054525 +45.260059165111 +48.1938528455796 +68.5758280305398 +67.6372266294451 +34.5824623072146 +56.067112128779 +17.513118997338 +41.2800799336109 +23.7328764407 +64.0497336830461 +61.8020625912076 +82.9756429662426 +47.3162079433532 +39.2875880528136 +78.5773833806181 +46.4393426500214 +45.8142303061656 +14.2198286874396 +19.7337560256868 +50.5446242796946 +66.9128251625328 +47.9400239439433 +85.0212188186459 +25.3116584698518 +63.2026077853686 +27.2434597802279 +68.5782707618031 +39.4378223771024 +82.5948815729862 +27.6548048627347 +76.3762771102724 +84.1711863631112 +87.1432492431365 +25.1529110906786 +38.960571719691 +55.1801273942685 +30.4637989566637 +119.929253711103 +92.910338168999 +17.5557323557248 +88.8720368286814 +82.8800196571215 +30.7184981315562 +42.1911833239505 +39.0157620446583 +26.8516835294862 +38.7700980275696 +53.8289414317514 +18.5393094025948 +190.574352943847 +91.1637176428692 +42.1722042306967 +118.548827813565 +39.602031469975 +58.5663434914293 +72.8948636213014 +111.24583848175 +57.6863795191116 +90.7233511228114 +35.4167739189904 +35.0572336625197 +104.129256001088 +145.003167664685 +55.6959730446623 +32.4757374576177 +65.5795154322441 +36.322288267807 +26.6774656023862 +61.5335981934308 +29.32360641122 +69.9857997154343 +25.6456480850176 +123.158684610523 +85.3688979881425 +61.4436328715611 +67.6503064458078 +8.60166230191119 +54.4883199320518 +29.2821617447998 +116.496864374426 +51.3587124831597 +103.576254296874 +59.214310495528 +6.69676958493084 +127.214297693612 +87.9986310194614 +168.271394884482 +14.1302504706532 +169.378257243365 +117.230914650816 +55.2235269954384 +5.97863403572282 +50.3812766523616 +34.2551733114077 +52.5326688031575 +35.5365276710179 +54.5673242757755 +66.9318063068254 +140.862043026136 +45.8936858076455 +85.4125481796366 +33.7910527443749 +62.3024509914273 +65.8989956091386 +151.743138357035 +51.410403301422 +47.0144349016432 +50.8673527534011 +48.5824070435487 +30.5887010368237 +78.4685185120341 +45.1401354531119 +61.982468102385 +197.000777729783 +55.0442026411127 +28.4522396803748 +69.4098368456623 +24.3008909109888 +60.0701401108144 +153.938388369247 +36.0795447140632 +37.2602279724781 +72.711384389103 +27.6900393475028 +88.9205268701815 +44.3840713300086 +64.0741323037089 +112.673813337181 +11.3527023437736 +149.225784828049 +34.5297624183534 +43.0404393181809 +87.002801605269 +42.8008706807885 +24.4042644299328 +63.6190706580566 +60.5109020336255 +55.9189617958877 +112.504147002824 +69.8043283678259 +114.533218405234 +28.1072349432108 +58.541562293574 +119.418247611174 +48.1360717326603 +45.9810736869409 +15.9064785873289 +67.3717418405946 +10.5197366552717 +58.1178839378681 +47.0605640920962 +47.1076928353618 +43.9352272997729 +38.3398741063578 +60.118794315538 +32.6240040482818 +43.3634419357705 +48.1349219236218 +21.1588261918751 +14.9692424462971 +38.0056016923119 +76.1378615209651 +24.0861929961492 +43.0230410127658 +65.2789274568078 +44.3741764514705 +151.224764597773 +23.7552577585849 +8.52300227932513 +201.596382776147 +48.4341050914562 +34.9626564545111 +85.5501629097701 +56.4237279905011 +70.4014891041005 +38.0463304293192 +139.505385377521 +123.7819580001 +46.8000474826013 +71.6853725541366 +40.0064306148813 +50.1436157115276 +36.9841589484602 +54.3808430137856 +76.7982880830879 +113.528393955947 +149.150971818865 +61.1705588953906 +46.836791155386 +125.083527535925 +31.5649180815364 +99.5662692837949 +13.1838237937473 +42.2108524867964 +29.7748036230945 +11.2762428782333 +49.5290227442447 +56.2097822512806 +20.0046790553298 +84.1548788192438 +142.705146596622 +56.2234840718856 +27.2009924477825 +68.1281072928452 +24.473950586041 +74.073269220456 +16.3266272224432 +29.3781767351721 +132.886913274276 +141.0730043833 +31.1369289500586 +51.4112033130595 +75.4705655141427 +57.9916391778988 +52.9193023971 +13.2823413918988 +23.6083042417649 +93.3103362524076 +41.6533463823816 +135.826865158049 +28.5415193594606 +76.553615374765 +43.0581824948749 +20.7969476496552 +58.0811704061828 +53.6012251309232 +59.4765059541838 +64.8861960018729 +24.7796120271506 +81.0456288795749 +57.5778080904217 +19.9809469890976 +70.000389358629 +52.8148479264194 +17.3691029780398 +64.520832285271 +29.0726167400274 +95.0701236231786 +65.795586824805 +55.3145341684579 +111.658281361306 +25.876374881915 +56.403174981745 +21.1329917673968 +31.7269492580659 +66.6579216768577 +99.3860632436138 +28.263470808714 +89.6266246434411 +17.1489615579523 +13.099108227364 +94.8132653941846 +69.2032368708587 +58.8000112443786 +52.9368118137128 +63.6075053708628 +79.1724289730281 +68.2934662630814 +87.5122697174069 +99.7430413349724 +100.515483606693 +31.0475783042981 +50.1206270808059 +58.6016391166097 +101.362356491206 +185.361373173998 +69.3338969810561 +43.4336139781827 +60.0858951463027 +85.2963535076303 +42.3351058017283 +45.2175031505726 +37.5536076162971 +80.5459863752579 +49.0391541552807 +49.0014293107203 +15.4560938704547 +50.4424324171383 +46.4064206840034 +31.897547524673 +13.3534917219661 +45.7506979326664 +71.9015670202127 +70.4072959897352 +115.676707022187 +29.0350640021919 +136.125029884318 +52.3240027583794 +65.9446977620879 +55.9364209371037 +44.3658228281614 +122.452931599362 +48.2405534057654 +62.1978788393463 +127.914968859343 +99.7022691130618 +55.3290303571961 +74.63824780849 +42.8313730545596 +80.1280567706197 +144.906267898486 +14.8566188635246 +96.3341999428094 +129.24851420183 +46.6811882545482 +134.86897179974 +73.3285567334072 +58.9244276534352 +30.9962311569107 +126.811610178052 +22.0715562671977 +83.3575364728274 +39.5205833405383 +70.628387790717 +51.0256521720493 +39.3865795348297 +35.3183374105697 +41.2073164109168 +42.5010292543445 +9.24810801000905 +50.0930459490445 +26.2297198734844 +51.0070594145651 +94.0477455640697 +86.0240543760197 +133.668718018427 +38.3002368026179 +75.9014061979973 +52.4819663558567 +31.1851273741207 +21.000657431292 +63.3026874056072 +51.5841962266974 +54.2617487288573 +77.1855316966051 +26.3932597522152 +62.2006952496073 +25.8785669548791 +37.6115424421986 +39.6761220479155 +59.150712281078 +41.3238249958762 +42.7579008097691 +63.5781951948255 +155.242870023756 +44.7058296395176 +69.4989091593764 +59.6154357522384 +76.0083013402779 +62.0577390704718 +49.7588740403609 +110.31954186543 +41.1172810858913 +103.084960683851 +97.2607455941385 +48.2665055305543 +83.6603838393468 +125.336888261573 +135.366813845574 +51.6796215444958 +28.0156901416284 +30.9801450177425 +55.4783578687047 +59.5942698368274 +104.989859205734 +99.5899984356861 +105.391070006999 +33.4013925980993 +54.3529651263872 +95.417672101825 +54.0080630009249 +53.3071920054947 +82.3456753933784 +31.6771656081379 +35.5576930689233 +56.4725949791958 +34.2554589433591 +19.7134369413832 +34.669472942495 +145.850169081339 +73.665957472681 +48.8084788190748 +45.5747569121877 +46.7195222367609 +32.1728422253113 +48.1051952941715 +28.9433859568022 +35.4776401421513 +64.4784008226639 +3.50106277715162 +78.1899083727019 +30.6157327564637 +64.460632864179 +87.2245016037283 +24.4035531415368 +53.6159893498813 +57.9858906502495 +82.9716509123789 +78.4193553863161 +99.3531643810176 +70.983244323029 +45.4215022655293 +167.924707926311 +122.912046599475 +81.5951597910265 +63.1228242068929 +63.7470583815583 +72.5485713068966 +49.6289175253711 +42.2372447072763 +72.7089219627237 +101.463446675607 +59.0352228479388 +124.552458914081 +122.375309568769 +95.2941376985342 +34.3634471736624 +52.7481951120645 +59.4974343843404 +86.292035529651 +94.1886043403989 +43.4285086961495 +38.978944016506 +128.393082687627 +88.5032891210628 +25.9066798042383 +120.576089069144 +47.2490405874046 +44.4003863625241 +83.3037696668812 +131.389547472546 +27.1673486536786 +72.5491355731588 +27.2686231480149 +56.2689159889372 +58.0751138134983 +43.3239163617479 +78.7200163176958 +43.8299977523823 +36.3640492288572 +39.8321360049667 +10.1342462120845 +41.3131008570158 +98.2837644733282 +45.5301077828364 +87.5554552331401 +24.6849786155941 +26.1643289292996 +6.58326281456886 +61.9380387978591 +24.9207245336809 +75.4612533250039 +29.8469810213541 +40.7215671769573 +9.25725837884578 +57.5239535509738 +70.5377795234035 +31.5516924279648 +81.737514558307 +13.9213879276904 +67.6582050742464 +58.3805355718828 +89.45549566457 +69.9596477541617 +41.0689409391096 +101.321689770468 +73.248777267376 +91.0490076400206 +122.583014936026 +87.948742024225 +74.3155971248081 +101.763003919273 +101.209818233547 +110.573604953098 +38.7965394640553 +102.591390993646 +68.571310248101 +45.8514956860738 +115.280511253193 +34.9155795177819 +47.6730356786651 +25.1566460406719 +134.482219855972 +36.4424901564182 +102.189068468383 +55.2994226042752 +63.5724939007607 +104.196090518696 +65.7891911975292 +122.131778100485 +43.992530592475 +17.2635427820083 +57.745158183599 +52.2621198807194 +82.1553861217159 +176.054432823128 +51.9693658502 +12.2843861665109 +52.7269237523518 +67.6603023973282 +22.2385279552723 +27.620893844743 +64.8974692671307 +103.122439542079 +50.6604024129916 +103.082011385026 +63.3313388748017 +95.5814955614803 +58.7759841973352 +61.569263537916 +32.3519957020529 +24.9657445692538 +60.3582306755964 +57.5969160900926 +27.9173826965941 +31.3831609618091 +30.4540395421286 +12.9301388886537 +30.5802663266634 +11.1888104070037 +25.5001253369865 +173.055447720792 +35.0433934580048 +14.4720896382012 +60.6324839370315 +69.8712134193159 +88.2502784533655 +8.41788380846927 +42.7823758028985 +39.7146045429702 +38.5929647768573 +47.0844768922496 +41.3924911010264 +131.011257290594 +52.489873410965 +50.4997283339319 +69.0284576927897 +103.669402008853 +33.6352419155197 +40.8426081808015 +43.393468300766 +42.8445122318617 +241.379407964419 +61.8111713001169 +73.4492482623169 +42.8968837893068 +4.50878183226115 +9.89698334244134 +167.901887867361 +30.9980377979187 +53.2915398596076 +38.7002168582535 +38.0153211662075 +57.5099095306981 +23.1202604131092 +24.451915263746 +97.3733423505453 +57.3363304016968 +99.0822664077901 +31.5675211940362 +181.83671264254 +169.542812070125 +88.04797276779 +63.8402942032096 +27.6374064794109 +62.9959381489212 +42.3496045558486 +164.068662582148 +38.6433691850146 +65.3109652247811 +68.0136617065027 +46.1447884128671 +43.3896215430279 +41.8031713151201 +50.853655784987 +63.6755812441438 +43.944624355845 +69.1137087499961 +4.47199596914774 +70.895723742684 +49.510232928703 +62.3838486909078 +52.2388044315957 +83.9038168769508 +15.8850989343853 +48.0824815462232 +35.44047228047 +63.9569672918652 +80.5582750298753 +88.3993485396017 +76.3821434984467 +18.7869133590081 +61.7606620529986 +64.3247488177387 +45.109338716915 +21.7056034541895 +30.1333097138052 +104.823496651981 +76.0153930042332 +43.5584896205637 +98.4865053608 +67.56334293924 +85.2117276355106 diff --git a/src/ICP/Test/treeY2.csv b/src/ICP/Test/treeY2.csv new file mode 100644 index 00000000..0d770d7e --- /dev/null +++ b/src/ICP/Test/treeY2.csv @@ -0,0 +1,1001 @@ +"x" +0.850043471893941 +-0.925312995099251 +0.893581214441206 +2.05899026218813 +0.538952094101553 +2.81802560189466 +3.89176759496512 +1.32920820523491 +-0.103466125206476 +0.615064610722324 +-1.7997723953362 +-0.262705141643009 +-1.21014187687842 +0.204477252550871 +-0.0139941045119107 +-0.235200839818886 +-0.188318654237954 +3.9512830688405 +-0.154014785973495 +1.85424450475186 +1.09583264561051 +0.359299701900462 +2.1145349462097 +-1.13574898684316 +-0.796255985784339 +-0.397569450150752 +0.0917240415455821 +-0.238694074135277 +2.53803763630061 +1.9263406073496 +0.122054814822625 +1.09205057650629 +-2.97225747544741 +1.12848905096528 +4.31200012901363 +-0.48260797306504 +-0.224858996653821 +1.66776531087937 +0.0412185323166061 +1.03817484555139 +3.58764293334225 +-0.158299577145634 +-0.292085414891579 +-1.41989896333921 +-2.13831802520847 +-0.0225001049025996 +0.269770953624943 +-0.502969399031042 +0.630807390367713 +0.474565208416551 +-0.340659061576436 +3.04960155952215 +1.2952631908601 +0.314624204958306 +0.801572503702334 +0.486058896232458 +1.72556105665083 +0.102432860750801 +-0.989837074939336 +-0.460441208998887 +3.23766149197159 +-0.269397264170906 +-0.169554069656641 +0.664868973266608 +-0.775550915205345 +-1.91926113102924 +2.01933253963338 +0.435210514869015 +1.05016883215485 +2.6878851593496 +0.0936176173045456 +0.846812249413431 +0.357993071026488 +0.467864811329475 +-0.906688834876339 +2.47065008447325 +4.34357671685515 +0.46943405662348 +-0.253105087750424 +3.36910371532843 +-1.34670719045078 +1.1719354256206 +-1.9087363449263 +-1.00439081062399 +0.676687513659109 +1.15232174421702 +-1.73275991756331 +0.601308856586064 +0.341650314074502 +-0.0352810090657197 +-0.626165019795731 +-0.855971209746084 +0.151777841973793 +4.20637269384614 +-1.48857788320267 +-1.05037412306876 +1.63787411690859 +-1.20733418120328 +0.373844915397235 +0.0174632661510191 +0.344194027368263 +0.0127198373321256 +-0.873450133188962 +3.34280028434122 +-0.177387754282478 +0.921433254590606 +0.300944402209543 +0.693386752709799 +3.32547190627877 +0.408051022728875 +3.75984225589101 +-2.28715352045041 +0.517838261588457 +-1.34723625828609 +0.363159858868327 +1.31475256465827 +-0.448305910907794 +-0.80816446825925 +-0.0862684990395799 +1.58542427252084 +3.10105744818669 +0.148762211652968 +-0.546434668144039 +-0.527675587264115 +-0.139871559492049 +-1.58941141444985 +1.23410416568767 +-0.335454848332105 +-2.00100250680987 +-0.0174584027383683 +-0.240966895843615 +-1.79198939892252 +2.04969151122701 +-1.11721761151088 +1.64645045518236 +0.451302311030919 +1.0332274248505 +-0.195885695113888 +3.22731038678075 +-1.10219974998749 +0.95527736854135 +0.31283044591251 +0.10100571319913 +0.748115414290238 +0.998960894793609 +-0.732515309013158 +0.480895240110787 +-0.989450308257357 +2.22955904834575 +3.45673659958887 +-0.0358154435846572 +-0.49044270641976 +-0.220566611180815 +-1.10120936078499 +0.063470471357051 +0.583525933087138 +-0.513358846194759 +-0.812552121927585 +-1.62931990551456 +0.568905706511775 +0.333783306704956 +2.78867744063105 +-0.551097930399239 +0.258361128941135 +1.624789553589 +-1.4727541491027 +-1.44520967284587 +-0.361288424621171 +0.79070996473063 +0.714657846323989 +-0.565153517298012 +4.41801430342912 +1.85424321901 +-0.492817822952378 +-0.73305227365599 +3.15923208035453 +-1.75119295921948 +1.18483086705245 +1.20703160102077 +3.9776493265305 +-0.0819917440431946 +1.15626342259789 +3.48679633675251 +0.95884866279506 +3.17779237118878 +0.292250881034058 +-2.11334068465336 +-0.538047910821091 +4.01402558475317 +0.101269641473852 +-1.21870737154808 +-0.958376792791154 +-0.555797484605983 +5.12187591164329 +-0.179589987560952 +-0.644735408242739 +-2.09258377175654 +1.09812916230114 +1.22225027632159 +-0.851220441380158 +1.62120288295757 +-0.329102801964517 +-2.32640952744011 +2.1929979995365 +-1.08247997639693 +-0.506360967360063 +0.0959189568330369 +-0.120165257941563 +-1.51866762967456 +-1.51058506284295 +4.3956049282303 +-0.708421944079962 +0.827938353109991 +4.70775583721357 +2.22083344312843 +-0.706899068671983 +-1.99290251051536 +4.89987653291093 +2.24379306412734 +-0.377955779724224 +-1.36395480148574 +0.74195815930761 +1.61097599601383 +0.227387446895332 +2.59948432608264 +-1.66958039964306 +1.4907010973021 +0.691487433198398 +-0.0409774766647957 +4.20434485267842 +1.29851496357034 +-0.462217020759918 +-1.22577374782218 +0.963266754105759 +0.693211227960882 +-0.501393165926139 +3.15397141698372 +-2.54910689501694 +-0.00813808482908667 +1.1387806409713 +1.48234646794641 +0.975845008963832 +3.14835029328322 +0.788908757307724 +0.557581219707707 +-0.0273943930429063 +-0.877074958800242 +1.2162434707284 +-0.351249812274922 +2.70560688262646 +0.253137809458962 +3.01149798582645 +-1.97578396222506 +-0.426326723861569 +0.612302560110158 +1.2308141088357 +-1.27080780802968 +-0.650555663503596 +-2.44316623718536 +3.99654859451847 +0.00511352840900145 +0.791024763837734 +-0.563191536791144 +0.213826202698897 +0.977082664102224 +-0.234161102635821 +0.848660553954768 +0.653970890565347 +-1.59057002627388 +0.309423132913911 +-2.4859821898856 +-0.278439107296112 +-0.552433759333541 +0.87604207279027 +0.293483694441495 +-0.597222046871897 +-0.157203603307554 +0.184185060278362 +-1.01303201429879 +-0.679843404739828 +-1.24269361449976 +-1.53501873647929 +2.47545998688959 +-0.0185273854581721 +-1.56814717115897 +0.467851674195392 +-0.667828863981452 +0.311082359587522 +0.142551004168543 +-0.374034720730812 +-1.94492637603576 +-1.59768131407039 +0.45934213902084 +1.36204724954097 +-0.360666003351832 +1.93639731086409 +-1.45588379753146 +1.48190570829728 +1.0761196360479 +2.24251159863403 +0.714085544432429 +0.581384629232897 +-0.146723902426033 +1.50698177745129 +-0.279532643245176 +5.02773873329871 +-1.19574019582924 +4.31231789167378 +-0.524007512771118 +0.354249509141301 +-0.0716744876824941 +-0.133144306285028 +2.9119226156307 +0.917788931310637 +0.031439264369752 +1.35893058212786 +0.113494845099203 +0.174306546340086 +2.94651959531515 +-0.424758034043152 +0.207911552099919 +0.99292291778912 +0.813857888451312 +3.99600558383351 +4.73274427091968 +3.35704203443172 +3.15572633458215 +1.55278865626246 +-0.0640696178455259 +-1.00821875816368 +2.10710447634296 +-0.654514621220146 +-1.4337828285212 +4.41818435319827 +-0.593885665293328 +1.11897179804218 +2.38408156329113 +-0.40328649415479 +0.370108558443746 +2.42470698626559 +5.91922880714949 +-1.07891478952188 +1.17849132928048 +0.869602773179034 +0.931166309798506 +1.02468122759902 +0.612975056104969 +0.608190081478319 +-0.892891710239735 +0.452035606317074 +-0.374712307021741 +2.84018514503792 +0.732393453235039 +0.840518928246033 +0.780347882651202 +-1.3274637820721 +2.02333930185486 +-0.587075872029574 +2.43198718472406 +0.643640956726207 +-0.237307107556194 +-0.298578025706688 +4.18956255922973 +-2.10894120385805 +-0.0732820039954618 +3.86340286927373 +1.07470746145087 +-0.205852630215998 +-0.433613832458068 +-0.182223784408139 +-0.431078672978459 +-0.424609610431925 +1.6461803235692 +-0.196594948982215 +0.234116136807353 +-0.557206294019108 +-1.11332527493423 +1.36936457413977 +-0.387823881460715 +1.72263201663562 +-0.558500300160839 +-0.636660846087287 +2.78138713385586 +1.04274412360655 +0.142527896359 +0.664498798923618 +-0.478627492484917 +4.18368958312197 +0.805437291322411 +3.05331775790035 +-1.1673464152494 +0.323350155867517 +2.67921697756585 +-0.885950264101112 +0.151278171838043 +0.57936347204544 +-0.0791668261764699 +0.848767635305161 +-2.51103348713237 +0.738477114377377 +-0.570994285312183 +0.286539016362005 +4.14761985588741 +3.13955870207308 +3.08892660879876 +-2.63015931699317 +-1.21722083212186 +0.749152578850181 +-1.41593292411236 +2.88761733816233 +3.3040320060429 +-0.354012804948049 +-0.851242489529453 +-1.46117307516936 +0.264251846213868 +-1.90735794401727 +-0.925231266230656 +-0.11157129294476 +-0.965234425432678 +2.83710107614663 +0.860184054944303 +0.0180987749773109 +0.13726245583651 +1.59888607124798 +-0.11130084868045 +0.285455873566112 +-1.98390989606672 +3.03074021810737 +2.23999511373781 +1.77598678248423 +4.00236665253138 +-0.0215414228588399 +0.94532133928423 +-0.908491216197208 +-2.40220222687674 +3.16293804752683 +0.943208930634555 +2.54460486023111 +0.887190933493354 +4.06043676648591 +-0.615747889000869 +0.352854881416532 +-0.475328128308476 +0.422056369813675 +-1.1835591542214 +-0.383749583492094 +-1.45966580569284 +3.04577322446494 +0.452456113831145 +0.0575658703764589 +2.36130614685132 +-0.23868131830546 +-1.64290262156884 +-0.222574570956619 +-1.77556845073388 +-0.0154659027849208 +1.7510468744589 +3.70420650554998 +1.48101932421716 +1.35288791215922 +-0.329957835667702 +0.363498740513271 +-1.82766273311387 +0.893777744052533 +-0.719124934258425 +3.94050951982644 +-1.87115759094389 +1.1470027171805 +-0.502991094870725 +1.42589836833203 +-0.0193399555708498 +2.3619262735803 +0.498271000392072 +-0.0582467351906532 +-0.626216777775201 +-0.89462076076131 +5.4100602149449 +-0.949647250572148 +0.559151500570031 +-0.211414689679582 +-1.01785480180753 +-1.39019098922727 +1.51137069086519 +1.59395536647443 +-1.49623548221371 +0.686145924102054 +-0.236761630680826 +1.99914242920796 +3.63323868289556 +1.64819754690779 +0.502718643389684 +3.8454674123562 +0.467247395729231 +-0.402055063696625 +0.923526703253396 +-0.0080556407117813 +1.03378423761425 +-0.799126981726699 +4.00423302095334 +-0.311973356192691 +-0.88614958536232 +-1.9222548962705 +1.61970074406333 +0.519269904664384 +-0.055849931834021 +3.69641761011851 +0.0535156788292137 +1.68971650280693 +-2.12306605809801 +-0.208078589007654 +2.68721342047964 +-1.05823570968124 +0.417223595566457 +-0.315451534215849 +0.82554913408199 +1.29127203757818 +-0.625104977916382 +-0.87514675454924 +0.14335694280806 +1.42518963325776 +1.2652505739696 +-0.837404647022428 +-0.715752615389938 +0.374820958042662 +2.38332796196972 +2.53608703843818 +2.57349959788138 +-1.7030952143982 +1.95850264397015 +3.76873496201223 +-0.74532037743636 +-0.486471495507802 +-0.353039444838667 +-0.0623005243988452 +1.61961510955958 +1.24621140625639 +2.00858995573927 +-1.85441951282407 +-0.462714382489477 +1.04310383332729 +-0.303837521371803 +3.31808070003799 +-0.648749008450818 +-1.86890434352981 +-1.20699657864546 +1.89725805765655 +2.73841444053325 +1.78798171613725 +0.867300515577598 +0.702580937904198 +4.62353223954902 +-1.59015870924774 +-0.609991214522565 +2.68671886626466 +-0.922129768086484 +-0.256480607956338 +-2.08285463723404 +-1.4171539793372 +3.61078100970474 +3.24152079791429 +1.3039648225257 +-0.334528577849582 +-0.384539895488476 +-0.421168211981295 +2.04164476708552 +0.249116308442917 +-1.17887936999387 +0.49559328314573 +-0.177704306126236 +3.77473393571959 +1.24794637649306 +-0.416216757497457 +-0.42971793567404 +-0.0465252246593674 +2.34140845940536 +1.60258407676699 +-0.0636720487547397 +0.868827634114335 +3.37837548052549 +1.41568816870243 +-0.209026756578789 +0.321955407650374 +0.609180470956189 +-1.03364017718239 +0.497391496417443 +-0.973892336533007 +-0.0944719078341068 +-0.55397669395461 +2.75424042419282 +-0.654785608807158 +-0.983805242713974 +0.196407460672124 +-1.21652631223445 +-0.285042864419352 +2.69965393518509 +-0.638620500617601 +1.74284789606923 +-1.86940059565442 +0.0311844918990805 +-1.20911412955621 +1.65894905206225 +2.95429277356773 +2.18799111569512 +1.42209579552564 +3.18324702147649 +2.34706716161904 +2.04255931610422 +-0.234491194840375 +2.10857523341371 +-1.35747030552191 +2.41597201194549 +1.66809511696324 +1.08574335585037 +0.557528328618703 +-1.63683281866016 +-0.271538029632115 +1.0917985539091 +-0.313753260213032 +-0.682023897202607 +0.0520806864869834 +2.29070353216041 +-0.354708314346325 +2.39503334179611 +0.551009936822662 +1.24878589516192 +0.0494701524457691 +-0.455548815270433 +0.657889402027386 +-1.48546741238514 +4.46918454895137 +2.77823883389583 +-3.02230321365538 +-0.869095539586013 +2.58610844506525 +1.98921826495574 +-0.078989767510778 +-1.48382894682663 +-0.286871051313951 +-0.901023769016841 +-1.574017112396 +2.33168506847643 +-1.85616451407826 +5.68392291802792 +0.278246735587241 +0.625069616682233 +-1.15143250208533 +1.29566730742514 +3.52212847338921 +-0.938626500416387 +2.89226213772635 +-0.39963150834139 +4.28670136272781 +-0.163649099670905 +1.08522983690742 +0.729831945274563 +-0.299175593962755 +-0.0499186138728137 +-0.862410305624267 +-0.497998098950626 +1.60408178292362 +-0.424377209108075 +-0.364887330459423 +-0.218080698235093 +2.49935178789941 +0.145173889834543 +-1.4778034432459 +3.9292434867967 +-0.288020655264367 +1.40937245611348 +0.053768001220129 +1.60676777835353 +-0.0172271235923625 +2.45736094944044 +1.9786926597401 +-1.36611264523146 +0.424896361470324 +-0.976309021479906 +1.19297168388268 +0.440959630244447 +-0.429097559489887 +-0.377664266101451 +0.888700057764328 +-1.06500611114445 +-0.777271197344697 +0.40786263410391 +0.750271673481492 +-1.71500317257465 +0.192254686867909 +-1.16173323791098 +2.35817133552984 +1.31243918737546 +1.001540094408 +2.80647215997384 +-0.9331768198576 +0.310329445057101 +1.58332171358656 +0.906149174876552 +0.401142830956497 +3.0756974415288 +1.05948916812251 +3.91693803731112 +3.80927307694385 +-0.711622278677474 +-2.68958517903653 +-0.567047025402639 +1.29919883255821 +-0.190291544554818 +-0.638048333690776 +0.96461611837421 +-0.604372355447083 +-0.808161889076339 +-0.606779178488506 +0.0869088205053803 +-0.234297029397194 +1.26252689567853 +-1.56379809166681 +-1.49347152278348 +-1.09713482195183 +-0.0291067478840087 +2.17368491956429 +1.36978704873579 +-0.378380661488477 +2.22125512367329 +1.26408532917631 +0.308013117041762 +2.58149831047661 +-0.0376429295763268 +1.18729856637511 +-0.105657693844905 +0.202441652299197 +0.780408474277473 +-0.542142379532731 +-2.02653214649499 +-0.0216719936807863 +1.22228260594031 +-0.173681631884584 +0.664013191727257 +2.4521618020872 +-0.917442005441945 +0.437105753033052 +-0.384968561551574 +0.842375303778161 +0.953016305056382 +-0.410631815753392 +0.100808276763203 +0.920755693184037 +1.45959521489172 +2.60315746583379 +-0.483083828777405 +-0.316219132316045 +1.21000394782544 +2.24701935203832 +-0.649267243627047 +-0.25424445327965 +-1.29636955777937 +-0.424657090715449 +-0.399155728619728 +0.0598749090244955 +3.6806778643598 +1.56942176085768 +0.811309021886984 +-1.27126792541147 +4.50467588437595 +0.806987101038061 +0.0645769808025886 +1.34405371053338 +0.541897771884441 +-0.154065040866368 +2.41766834825201 +0.886588633178034 +-2.21115696793904 +2.84511171890616 +-1.12711344946393 +0.979882964003203 +0.222627003401442 +-0.127903122118574 +-2.02404513877355 +-0.279678879183236 +0.420630659980623 +3.64288493687786 +3.29438138269426 +0.719141732450454 +0.192504699318315 +0.36743963595642 +2.88660107829695 +-1.03659361554291 +0.252591163499661 +0.92254542259099 +2.27493594555922 +-0.4414386682088 +0.0117520326654933 +-2.12699307927022 +2.20788543409955 +1.28881808340777 +-0.254336528393991 +0.568885735628597 +0.667450330177768 +-0.949624291823464 +3.01550867236902 +0.232532403876864 +2.68831083954055 +0.205749057657957 +2.34601307517211 +-1.15325770732252 +0.527490918982484 +1.39391910941029 +0.18163055610461 +2.93069847651149 +-0.294465386532543 +1.41403033530268 +1.09999772979784 +1.40441124180377 +0.623132278005593 +3.27394289672782 +0.49964579288254 +0.263341483514055 +1.7998817225416 +5.15178194201986 +-1.145469601333 +0.952305694430701 +-1.23592403203755 +-0.893846356054158 +-0.7089109834713 +1.80234293237669 +2.92990965767398 +-0.849229429807808 +0.156863358630424 +2.01741510883182 +0.737592620068243 +-1.69158922396172 +0.477716591999452 +3.0746825133799 +4.9424313403825 +0.505147383068437 +-0.258461577152228 +-1.2624715436231 +0.0467896381203125 +4.18997076537587 +2.10596883537751 +-0.765291306202586 +3.9845250328921 +0.916771844367021 +-0.289544655064722 +-0.487510708419201 +-0.271832628907198 +1.10621753975541 +0.0586232491474948 +0.258656214428526 +1.63140558307217 +0.86936859651906 +4.21704441715836 +1.72039730214527 +-0.312777426306694 +2.89781529703421 +0.167204471682409 +0.456607433185569 +-0.501574752421928 +0.226939974073165 +-0.708633122053544 +0.353487396178715 +-0.947197536472359 +-0.232353004120933 +1.39155568016188 +-0.344223280207649 +-0.697421985158733 +0.585413441310793 +-2.99510299027943 +0.101985742736796 +0.206759200930004 +2.34442622834836 +-0.560879083583482 +2.19777862640604 +5.28543282824586 +0.36724335283949 +-0.00586595719077163 +0.512077211428476 +-0.447384224532706 +-1.21103244229254 +0.770953820805158 +3.0890088693866 +-0.0989175936758863 +1.68427523980352 +2.20438340730622 +3.48238075741133 +-0.951630212108528 +0.499536594645037 +4.24215347091829 +0.947279828507612 +-1.32874880239981 +0.126956787669901 +0.00991538247555104 +0.90496191831364 +0.383216487630252 +-1.30843004221806 +-0.338359381732316 +1.12718846777638 +0.934729923663099 +1.83059590944005 +-0.980732659819636 +-0.67074502026203 +2.62567107696607 +0.995353828138999 +0.102143508821335 +1.48294372773341 +0.560048682854967 +0.142450958926083 +1.82967173315288 +0.51839780051344 +0.691874261922361 +0.0280100358299621 +-0.165045150669891 +-0.721035051201547 +-1.28183022270816 +-0.222848820825283 +0.0273187797098661 +1.82762783344905 +1.17841191437309 +-0.356311144925066 +0.933794629899443 +1.91466078788393 +0.11980643627905 +3.47176049974709 +1.3026116380359 +1.19270578079419 +2.31219987746745 +1.18954352832859 +-1.24269855088918 +-1.97075520655516 +-0.412036665404596 +0.825804061208806 +-0.561558774366251 +1.77318271615112 +-0.333583964748526 +0.00617451505577059 +0.246559481195228 +0.447567913449668 +2.75498206245433 +-0.0764333945495275 +4.12304950909888 +1.58075036031528 +-0.827861327186223 +3.49121165213032 +0.0185769770195301 +1.32094818545485 +0.930230736309287 +1.07621614442482 +-0.300270613432989 +1.04474062505454 +3.70914111040542 +1.73059253649286 +-0.932085734438952 +1.37360719529989 +-0.461052845117779 +4.31569612187067 +0.658934712426914 +-1.07099085724512 +2.46101357183864 +-1.29738814633453 +0.190233485411363 +-3.53958596119488 +1.21139760121623 +0.29088382011186 +0.814770877380743 +-0.222340612523746 +1.4348308432557 +0.189609124622576 +-0.981587440172648 +2.92169882570608 +3.90074175957545 +-1.44610478565579 +2.92852290467837 +-0.796143609129133 +-1.54543948313615 +5.09620023554288 +0.167346098880432 +0.514098655546297 +0.125394721328991 +-1.58124779060728 +0.0730407602207416 +4.34769693635681 +1.37539955945697 +-0.517081329493958 +4.51582710882422 +1.49912572886303 +0.814576969918441 +1.66564854073976 +1.01496869830099 +0.527156146138147 +1.05506399565534 +0.688310257495692 +0.0763314178965426 +-0.837499619356526 +-0.150187061400433 +-0.996213532625467 +1.21660013338776 +-0.171835289489714 +-1.33395998056899 +0.141560719859246 +-1.29141105604798 +-1.33248719429825 diff --git a/src/ICP/UnitTest.jl b/src/ICP/UnitTest.jl new file mode 100644 index 00000000..e1909c1e --- /dev/null +++ b/src/ICP/UnitTest.jl @@ -0,0 +1,403 @@ +#= + +####################################################################################################################################### + +using CSV, DataFrames, Query + +cd("C:\\Users\\BCP\\github\\ICP\\Test") +dfX1 = CSV.File("X1.csv") |> DataFrame +dfY1 = CSV.File("Y1.csv") |> DataFrame +dfE1 = CSV.File("ExpInd1.csv") |> DataFrame + +dfX2 = CSV.File("X2.csv") |> DataFrame +dfY2 = CSV.File("Y2.csv") |> DataFrame +dfE2 = CSV.File("ExpInd2.csv") |> DataFrame + +dfX3small = CSV.File("X3small.csv") |> DataFrame +dfY3samll = CSV.File("Y3small.csv") |> DataFrame +dfE3small = CSV.File("ExpInd3small.csv") |> DataFrame + +# college data +dfX3 = CSV.File("X3a.csv") |> DataFrame +dfY3 = CSV.File("Y3a.csv") |> DataFrame +dfE3 = CSV.File("E3a.csv") |> DataFrame + +dfX1forest = CSV.File("treeManX1.csv") |> DataFrame +dfY1forest = CSV.File("treeManY1.csv") |> DataFrame +dfE1forest = CSV.File("treeManE1.csv") |> DataFrame + +dfX2forest = CSV.File("treeManX2.csv") |> DataFrame +dfY2forest = CSV.File("treeManY2.csv") |> DataFrame +dfE2forest = CSV.File("treeManE2.csv") |> DataFrame + +dfX2forest2 = CSV.File("treeX2.csv") |> DataFrame +dfY2forest2 = CSV.File("treeY2.csv") |> DataFrame +dfE2forest2 = CSV.File("treeE2.csv") |> DataFrame + + +r = LinearInvariantCausalPrediction(dfX1, dfY1, dfE1, α = 0.02, verbose = false) +r = LinearInvariantCausalPrediction(dfX2, dfY2, dfE2, α = 0.02, verbose = false) +boxPlotICPconfidenceIntervals( r.X, r.ConfInt) +r = LinearInvariantCausalPrediction(dfX3, dfY3, dfE3, α = 0.02, verbose = false) + +plotICPacceptedSets( r.X, r.acceptedSets) +barPlotICPCasualPredictors( r.X, r.casualPredictors) + +r = ForestInvariantCausalPrediction(dfX1forest, dfY1forest, dfE1forest, α = 0.05, verbose = false) +r = ForestInvariantCausalPrediction(dfX2forest, dfY2forest, dfE2forest, α = 0.05, verbose = false) +r = ForestInvariantCausalPrediction(dfX3, dfY3, dfE3, α = 0.05, verbose = false) + +r = ForestInvariantCausalPrediction(dfX2forest2, dfY2forest2, dfE2forest2, α = 0.05, verbose = false) + +r = ForestInvariantCausalPrediction(dfX3, dfY3, dfE3, α = 0.05, verbose = false) + + +dfJoin = CSV.File("join_clean.csv"; normalizenames=true) |> DataFrame +#Bolivia +dfJoinICP = dfJoin |> @filter( _.Country_name == "Bolivia") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +X = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) +r = LinearInvariantCausalPrediction(X, Y, E, α = 0.01, selection = "all", verbose = false) +boxPlotICPconfidenceIntervals( r.X, r.ConfInt) +plotICPacceptedSets( r.X, r.acceptedSets) +barPlotICPCasualPredictors( r.X, r.casualPredictors) +r = ForestInvariantCausalPrediction(X, Y, E, α = 0.01, selection = "all", verbose = false) + +#Colombia +dfJoinICP = dfJoin |> @filter( _.Country_name == "Colombia") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +X = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) +r = LinearInvariantCausalPrediction(X, Y, E, α = 0.05, selection = "all", verbose = false) +r = ForestInvariantCausalPrediction(X, Y, E, α = 0.01, selection = "all", verbose = false) + +#Honduras +dfJoinICP = dfJoin |> @filter( _.Country_name == "Honduras") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +X = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) +r = LinearInvariantCausalPrediction(X, Y, E, α = 0.05, selection = "all", verbose = false) +r = ForestInvariantCausalPrediction(X, Y, E, α = 0.01, selection = "all", verbose = false) + + + +r = LinearInvariantCausalPrediction(dfX1, dfY1, dfE1, α = 0.02, verbose = false) +r = LinearInvariantCausalPredictionSequential(dfX1, dfY1, dfE1, α = 0.02, verbose = false) + +r = LinearInvariantCausalPrediction(dfX2, dfY2, dfE2, α = 0.02, verbose = false) +r = LinearInvariantCausalPredictionSequential(dfX2, dfY2, dfE2, α = 0.02, verbose = false) + +r = LinearInvariantCausalPrediction(dfX3, dfY3, dfE3, α = 0.02, verbose = false) +r = LinearInvariantCausalPredictionSequential(dfX3, dfY3, dfE3, α = 0.02, verbose = false) + +r = ForestInvariantCausalPrediction(dfX1forest, dfY1forest, dfE1forest, α = 0.05, verbose = true) +r = ForestInvariantCausalPredictionSequential(dfX1forest, dfY1forest, dfE1forest, α = 0.05, verbose = false) + +r = ForestInvariantCausalPrediction(dfX2forest, dfY2forest, dfE2forest, α = 0.05, verbose = true) +r = ForestInvariantCausalPredictionSequential(dfX2forest, dfY2forest, dfE2forest, α = 0.05, verbose = false) + + r = ForestInvariantCausalPrediction(dfX3, dfY3, dfE3, α = 0.05, verbose = false) + #r = ForestInvariantCausalPredictionSequential(dfX3, dfY3, dfE3, α = 0.05, verbose = false) + + +=# + + + + +####################################################################################################################################### +#= +using CSV, DataFrames + +cd("C:\\Users\\BCP\\github\\ICP\\Test") +dfX3 = CSV.File("X3a.csv") |> DataFrame +dfY3 = CSV.File("Y3a.csv") |> DataFrame +dfE3 = CSV.File("E3a.csv") |> DataFrame + +dfX1tree = CSV.File("treeManX1.csv") |> DataFrame +dfY1tree = CSV.File("treeManY1.csv") |> DataFrame +dfE1tree = CSV.File("treeManE1.csv") |> DataFrame + +dfX2tree = CSV.File("treeManX2.csv") |> DataFrame +dfY2tree = CSV.File("treeManY2.csv") |> DataFrame +dfE2tree = CSV.File("treeManE2.csv") |> DataFrame + +dfX2forest2 = CSV.File("treeX2.csv") |> DataFrame +dfY2forest2 = CSV.File("treeY2.csv") |> DataFrame +dfE2forest2 = CSV.File("treeE2.csv") |> DataFrame + +numberOfTargets = length(unique(dfY1tree[:, 1])) +numberOfEnvironments = nrow(unique(dfE1tree)) +setScientificTypes!(dfX1tree) +InvariantEnvironmentPrediction(dfX1tree, dfY1tree[:,1], dfE1tree, numberOfTargets, numberOfEnvironments) + +numberOfTargets = length(unique(dfY2tree[:, 1])) +numberOfEnvironments = nrow(unique(dfE2tree)) +setScientificTypes!(dfX2tree) +InvariantEnvironmentPrediction(dfX2tree, dfY2tree[:,1], dfE2tree, numberOfTargets, numberOfEnvironments) + + +numberOfTargets = length(unique(dfY2forest2[:, 1])) +numberOfEnvironments = nrow(unique(dfE2forest2)) +setScientificTypes!(dfX2forest2) +InvariantEnvironmentPrediction(dfX2forest2, dfY2forest2[:,1], dfE2forest2, numberOfTargets, numberOfEnvironments) + +# college data +numberOfTargets = length(unique(dfY3[:, 1])) +numberOfEnvironments = nrow(unique(dfE3)) +setScientificTypes!(dfX3) +InvariantEnvironmentPrediction(dfX3, Float64.(dfY3[:,1]), dfE3, numberOfTargets, numberOfEnvironments) +=# + + + + + +#= +using CSV, DataFrames, Distributions +include("ICPlibrary.jl") + +using .InvariantEnvironmentPredictionModule + +# Example 1 +n = 1000 +p = 0.2 +E = rand(Binomial(1,p), n) +X = 4 .+ 2 .* E .+ rand(Normal(), n) +Y = 3 .* (X).^2 .+ rand(Normal(), n) +dfX = DataFrame(X=X) +dfY = DataFrame(Y=Y) +dfE = DataFrame(E=E) +numberOfTargets = length(unique(dfY[:, 1])) +numberOfEnvironments = nrow(unique(dfE)) +ICPlibrary.setScientificTypes!(dfX) +InvariantEnvironmentPrediction(dfX, Float64.(dfY[:,1]), dfE, numberOfTargets, numberOfEnvironments) + + +#example 1 from R code +cd("C:\\Users\\BCP\\github\\ICP\\Test") +dfX = CSV.File("Xexample1.csv") |> DataFrame +dfY = CSV.File("Yexample1.csv") |> DataFrame +dfE = CSV.File("Eexample1.csv") |> DataFrame +InvariantEnvironmentPrediction(dfX, Float64.(dfY[:,1]), dfE, numberOfTargets, numberOfEnvironments) +=# + + + +########################################################################################################################################################## +# Testing the examples from the IPC manual. The X, Y and the other inputs are created in RStudio and saved in CSV file to read here +# The Julia ouput is compared to the RStudio output +########################################################################################################################################################## + +#= +using CSV, DataFrames + +cd("C:\\Users\\BCP\\github\\ICP\\Test") +dfX1 = CSV.File("X1.csv") |> DataFrame +dfY1 = CSV.File("Y1.csv") |> DataFrame +dfE1 = CSV.File("ExpInd1.csv") |> DataFrame + +dfX2 = CSV.File("X2.csv") |> DataFrame +dfY2 = CSV.File("Y2.csv") |> DataFrame + +# College data +dfX3 = CSV.File("X3a.csv") |> DataFrame +dfY3 = CSV.File("Y3a.csv") |> DataFrame +dfE3 = CSV.File("E3a.csv") |> DataFrame + +################## Simulate data with interventions + +Xhot1 = ICPlibrary.hotEncoder(dfX1) +Xhot2 = ICPlibrary.hotEncoder(dfX2) +Xhot3 = ICPlibrary.hotEncoder(dfX3) + +r = getBlanketBoosting(Xhot1, dfY1, "booster", ncol(Xhot1)-1) +r = getBlanketBoosting(Xhot2, dfY2, "booster", ncol(Xhot2)-1) +r = getBlanketBoosting(Xhot3, dfY3, "booster", ncol(Xhot3)-1) +# println("result \t", r) + +# calling the XGBooster +# r = getBlanketBoosting(dfX3, dfY3, 3) +# println("maxNoVariables=2 \t", r) + +r = getBlanketRandomForest(Xhot1, dfY1, "forest") +r = getBlanketRandomForest(Xhot2, dfY2, "forest") +r = getBlanketRandomForest(Xhot3, dfY3, "forest") +# println("result \t", r) + +# ncolumns = 3 +# X = MLJ.table(rand("abc", (10, ncolumns))|> categorical); +# schema(X) +# Xhot = hotEncoder(DataFrame(X)) +# y = rand("MF", 10) |> categorical; +# r = getBlanketRandomForest(Xhot, DataFrame(y=y), "tree", ncol(Xhot)-1) + + + +################## College Distance data + +# r = getBlanketBoosting(dfX3, dfY3) +# println("maxNoVariables=10 \t", r) + +# calling the XGBooster +# r = getBlanketBoosting(dfX3, dfY3.Y, 3) +# println("maxNoVariables=2 \t", r) + + +=# + + + + +########################################################################################################################################################## +# Testing the examples from the IPC manual. The X, Y and the other inputs are created in RStudio and saved in CSV file to read here +# The Julia ouput is compared to the RStudio output +########################################################################################################################################################## + +#= +using CSV, DataFrames +cd("C:\\Users\\BCP\\github\\ICP\\Test") + +dfX1 = CSV.File("X1.csv") |> DataFrame +dfY1 = CSV.File("Y1.csv") |> DataFrame +dfE1 = CSV.File("ExpInd1.csv") |> DataFrame + +dfX2 = CSV.File("X2.csv") |> DataFrame +dfY2 = CSV.File("Y2.csv") |> DataFrame +dfE2 = CSV.File("ExpInd2.csv") |> DataFrame + +dfX3 = CSV.File("X3small.csv") |> DataFrame +dfY3 = CSV.File("Y3small.csv") |> DataFrame +dfE3 = CSV.File("ExpInd3small.csv") |> DataFrame + + +dfX3 = CSV.File("X3a.csv") |> DataFrame +dfY3 = CSV.File("Y3a.csv") |> DataFrame +dfE3 = CSV.File("E3a.csv") |> DataFrame + + +numberOfTargets = length(unique(dfY3[:, 1])) +numberOfEnvironments = nrow(unique(dfE3)) +X = hotEncoder(dfX3) + +r = getPValueLinear(X[:,[1,3] ], float.(dfY3[:,1]), dfE3, numberOfTargets, numberOfEnvironments ) +println("\n\ngetPValue \t", r) =# + + +# xSample = [1, 2, 3, 4, 5] +# ySample = [6, 7, 8, 9, 5] +# pval = getpvalClassification(Float64.(xSample), Float64.(ySample)) +# pval = getpvalClassification(Float64.(xSample), Float64.(ySample), 500, "crazy") +# println("\n pval: ", pval) + + +# setScientificTypes!(dfX3) +# y = float.(dfY3.Y) +# r = getPValue(dfX3[:,[3,8,9,10]], y, dfE3,2,2) +# println("getPValue \t", r) + + + +################################################################################################################# + +#= +using CSV, Queryverse, DataFrames + +cd("C:\\Users\\BCP\\github\\ICP\\Test") + +#dfX3 = CSV.File("X3small.csv") |> DataFrame +#dfY3 = CSV.File("Y3small.csv") |> DataFrame +#dfE3 = CSV.File("ExpInd3small.csv") |> DataFrame + +dfX3 = CSV.File("X3a.csv") |> DataFrame +dfY3 = CSV.File("Y3a.csv") |> DataFrame +dfE3 = CSV.File("E3a.csv") |> DataFrame + +dfJoin = CSV.File("join_clean.csv"; normalizenames=true) |> DataFrame +#Bolivia +dfJoinICP = dfJoin |> @filter( _.Country_name == "Bolivia") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +Xb = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) + +#Colombia +dfJoinICP = dfJoin |> @filter( _.Country_name == "Colombia") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +Xc = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) + +#Honduras +dfJoinICP = dfJoin |> @filter( _.Country_name == "Honduras") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +Xh = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) + + +println("\n\n") +Xhot = hotEncoder(Xc) +println(first(Xhot)) + +Xhot = hotEncoder(Xb) +println(first(Xhot)) + +println("\n\n") +Xhot = hotEncoder(Xh) +println(first(Xhot)) + + +println("\n\n") +Xhot = hotEncoder(dfX3) +println(first(Xhot)) =# + + + +#= +using Distributed +addprocs(2) # get ready for parallelism +@everywhere using MLJ +@everywhere using DataFrames +@everywhere forest_model = MLJ.@load RandomForestClassifier pkg=DecisionTree + + +@everywhere function fitter(tmRandomForestClassifier, X, y) + mtm = machine(tmRandomForestClassifier, X, y) + fit!(mtm) + ŷ = MLJ.predict(mtm, X) + return (ŷ) +end + + + +############## +using CSV +cd("C:\\Users\\BCP\\github\\ICP\\Test") + +X = CSV.File("treeX1.csv") |> DataFrame +Y = CSV.File("treeY1.csv") |> DataFrame + +Y = Y[:,1] |> categorical + +@everywhere pipeRandomForestClassifier = @pipeline RandomForestClassifierPipe( + selector = FeatureSelector(), + hot = OneHotEncoder(), + tree = RandomForestClassifier()) prediction_type = :probabilistic + + +cases = [[Symbol(names(X)[j]) for j in 1:i] for i in 1:ncol(X)] +r1 = range(pipeRandomForestClassifier, :(selector.features), values=cases) + + +tmRandomForestClassifier = TunedModel( + model = pipeRandomForestClassifier, + range=r1, + measures=[cross_entropy, BrierScore()], + resampling=CV(nfolds=9) +) + +spawnref = @spawnat :any fitter(tmRandomForestClassifier, X, Y) + +result = fetch(spawnref) +print( "result ", result, " ", typeof(result)) + +=# diff --git a/src/ICP/UnitTesting.jl b/src/ICP/UnitTesting.jl new file mode 100644 index 00000000..a699b5c5 --- /dev/null +++ b/src/ICP/UnitTesting.jl @@ -0,0 +1,404 @@ +#= + +####################################################################################################################################### + +using CSV, DataFrames, Query + +cd("C:\\Users\\BCP\\github\\ICP\\Test") +dfX1 = CSV.File("X1.csv") |> DataFrame +dfY1 = CSV.File("Y1.csv") |> DataFrame +dfE1 = CSV.File("ExpInd1.csv") |> DataFrame + +dfX2 = CSV.File("X2.csv") |> DataFrame +dfY2 = CSV.File("Y2.csv") |> DataFrame +dfE2 = CSV.File("ExpInd2.csv") |> DataFrame + +dfX3small = CSV.File("X3small.csv") |> DataFrame +dfY3samll = CSV.File("Y3small.csv") |> DataFrame +dfE3small = CSV.File("ExpInd3small.csv") |> DataFrame + +# college data +dfX3 = CSV.File("X3a.csv") |> DataFrame +dfY3 = CSV.File("Y3a.csv") |> DataFrame +dfE3 = CSV.File("E3a.csv") |> DataFrame + +dfX1forest = CSV.File("treeManX1.csv") |> DataFrame +dfY1forest = CSV.File("treeManY1.csv") |> DataFrame +dfE1forest = CSV.File("treeManE1.csv") |> DataFrame + +dfX2forest = CSV.File("treeManX2.csv") |> DataFrame +dfY2forest = CSV.File("treeManY2.csv") |> DataFrame +dfE2forest = CSV.File("treeManE2.csv") |> DataFrame + +dfX2forest2 = CSV.File("treeX2.csv") |> DataFrame +dfY2forest2 = CSV.File("treeY2.csv") |> DataFrame +dfE2forest2 = CSV.File("treeE2.csv") |> DataFrame + + +r = LinearInvariantCausalPrediction(dfX1, dfY1, dfE1, α = 0.02, verbose = false) +r = LinearInvariantCausalPrediction(dfX2, dfY2, dfE2, α = 0.02, verbose = false) +boxPlotICPconfidenceIntervals( r.X, r.ConfInt) +r = LinearInvariantCausalPrediction(dfX3, dfY3, dfE3, α = 0.02, verbose = false) + +plotICPacceptedSets( r.X, r.acceptedSets) +barPlotICPCasualPredictors( r.X, r.casualPredictors) + +r = ForestInvariantCausalPrediction(dfX1forest, dfY1forest, dfE1forest, α = 0.05, verbose = false) +r = ForestInvariantCausalPrediction(dfX2forest, dfY2forest, dfE2forest, α = 0.05, verbose = false) +r = ForestInvariantCausalPrediction(dfX3, dfY3, dfE3, α = 0.05, verbose = false) + +r = ForestInvariantCausalPrediction(dfX2forest2, dfY2forest2, dfE2forest2, α = 0.05, verbose = false) + +r = ForestInvariantCausalPrediction(dfX3, dfY3, dfE3, α = 0.05, verbose = false) + +#= +dfJoin = CSV.File("join_clean.csv"; normalizenames=true) |> DataFrame +#Bolivia +dfJoinICP = dfJoin |> @filter( _.Country_name == "Bolivia") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +X = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) +r = LinearInvariantCausalPrediction(X, Y, E, α = 0.01, selection = "all", verbose = false) +boxPlotICPconfidenceIntervals( r.X, r.ConfInt) +plotICPacceptedSets( r.X, r.acceptedSets) +barPlotICPCasualPredictors( r.X, r.casualPredictors) +r = ForestInvariantCausalPrediction(X, Y, E, α = 0.01, selection = "all", verbose = false) + +#Colombia +dfJoinICP = dfJoin |> @filter( _.Country_name == "Colombia") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +X = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) +r = LinearInvariantCausalPrediction(X, Y, E, α = 0.05, selection = "all", verbose = false) +r = ForestInvariantCausalPrediction(X, Y, E, α = 0.01, selection = "all", verbose = false) + +#Honduras +dfJoinICP = dfJoin |> @filter( _.Country_name == "Honduras") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +X = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) +r = LinearInvariantCausalPrediction(X, Y, E, α = 0.05, selection = "all", verbose = false) +r = ForestInvariantCausalPrediction(X, Y, E, α = 0.01, selection = "all", verbose = false) + + +=# + +r = LinearInvariantCausalPrediction(dfX1, dfY1, dfE1, α = 0.02, verbose = false) +r = LinearInvariantCausalPredictionSequential(dfX1, dfY1, dfE1, α = 0.02, verbose = false) + +r = LinearInvariantCausalPrediction(dfX2, dfY2, dfE2, α = 0.02, verbose = false) +r = LinearInvariantCausalPredictionSequential(dfX2, dfY2, dfE2, α = 0.02, verbose = false) + +r = LinearInvariantCausalPrediction(dfX3, dfY3, dfE3, α = 0.02, verbose = false) +r = LinearInvariantCausalPredictionSequential(dfX3, dfY3, dfE3, α = 0.02, verbose = false) + +r = ForestInvariantCausalPrediction(dfX1forest, dfY1forest, dfE1forest, α = 0.05, verbose = true) +r = ForestInvariantCausalPredictionSequential(dfX1forest, dfY1forest, dfE1forest, α = 0.05, verbose = false) + +r = ForestInvariantCausalPrediction(dfX2forest, dfY2forest, dfE2forest, α = 0.05, verbose = true) +r = ForestInvariantCausalPredictionSequential(dfX2forest, dfY2forest, dfE2forest, α = 0.05, verbose = false) + + r = ForestInvariantCausalPrediction(dfX3, dfY3, dfE3, α = 0.05, verbose = false) + #r = ForestInvariantCausalPredictionSequential(dfX3, dfY3, dfE3, α = 0.05, verbose = false) + + +=# + + + + +####################################################################################################################################### +#= +using CSV, DataFrames + +cd("C:\\Users\\BCP\\github\\ICP\\Test") +dfX3 = CSV.File("X3a.csv") |> DataFrame +dfY3 = CSV.File("Y3a.csv") |> DataFrame +dfE3 = CSV.File("E3a.csv") |> DataFrame + +dfX1tree = CSV.File("treeManX1.csv") |> DataFrame +dfY1tree = CSV.File("treeManY1.csv") |> DataFrame +dfE1tree = CSV.File("treeManE1.csv") |> DataFrame + +dfX2tree = CSV.File("treeManX2.csv") |> DataFrame +dfY2tree = CSV.File("treeManY2.csv") |> DataFrame +dfE2tree = CSV.File("treeManE2.csv") |> DataFrame + +dfX2forest2 = CSV.File("treeX2.csv") |> DataFrame +dfY2forest2 = CSV.File("treeY2.csv") |> DataFrame +dfE2forest2 = CSV.File("treeE2.csv") |> DataFrame + +numberOfTargets = length(unique(dfY1tree[:, 1])) +numberOfEnvironments = nrow(unique(dfE1tree)) +setScientificTypes!(dfX1tree) +InvariantEnvironmentPrediction(dfX1tree, dfY1tree[:,1], dfE1tree, numberOfTargets, numberOfEnvironments) + +numberOfTargets = length(unique(dfY2tree[:, 1])) +numberOfEnvironments = nrow(unique(dfE2tree)) +setScientificTypes!(dfX2tree) +InvariantEnvironmentPrediction(dfX2tree, dfY2tree[:,1], dfE2tree, numberOfTargets, numberOfEnvironments) + + +numberOfTargets = length(unique(dfY2forest2[:, 1])) +numberOfEnvironments = nrow(unique(dfE2forest2)) +setScientificTypes!(dfX2forest2) +InvariantEnvironmentPrediction(dfX2forest2, dfY2forest2[:,1], dfE2forest2, numberOfTargets, numberOfEnvironments) + +# college data +numberOfTargets = length(unique(dfY3[:, 1])) +numberOfEnvironments = nrow(unique(dfE3)) +setScientificTypes!(dfX3) +InvariantEnvironmentPrediction(dfX3, Float64.(dfY3[:,1]), dfE3, numberOfTargets, numberOfEnvironments) +=# + + + + + +#= +using CSV, DataFrames, Distributions +include("ICPlibrary.jl") + +using .InvariantEnvironmentPredictionModule + +# Example 1 +n = 1000 +p = 0.2 +E = rand(Binomial(1,p), n) +X = 4 .+ 2 .* E .+ rand(Normal(), n) +Y = 3 .* (X).^2 .+ rand(Normal(), n) +dfX = DataFrame(X=X) +dfY = DataFrame(Y=Y) +dfE = DataFrame(E=E) +numberOfTargets = length(unique(dfY[:, 1])) +numberOfEnvironments = nrow(unique(dfE)) +ICPlibrary.setScientificTypes!(dfX) +InvariantEnvironmentPrediction(dfX, Float64.(dfY[:,1]), dfE, numberOfTargets, numberOfEnvironments) + + +#example 1 from R code +cd("C:\\Users\\BCP\\github\\ICP\\Test") +dfX = CSV.File("Xexample1.csv") |> DataFrame +dfY = CSV.File("Yexample1.csv") |> DataFrame +dfE = CSV.File("Eexample1.csv") |> DataFrame +InvariantEnvironmentPrediction(dfX, Float64.(dfY[:,1]), dfE, numberOfTargets, numberOfEnvironments) +=# + + + +########################################################################################################################################################## +# Testing the examples from the IPC manual. The X, Y and the other inputs are created in RStudio and saved in CSV file to read here +# The Julia ouput is compared to the RStudio output +########################################################################################################################################################## + +#= +using CSV, DataFrames + +cd("C:\\Users\\BCP\\github\\ICP\\Test") +dfX1 = CSV.File("X1.csv") |> DataFrame +dfY1 = CSV.File("Y1.csv") |> DataFrame +dfE1 = CSV.File("ExpInd1.csv") |> DataFrame + +dfX2 = CSV.File("X2.csv") |> DataFrame +dfY2 = CSV.File("Y2.csv") |> DataFrame + +# College data +dfX3 = CSV.File("X3a.csv") |> DataFrame +dfY3 = CSV.File("Y3a.csv") |> DataFrame +dfE3 = CSV.File("E3a.csv") |> DataFrame + +################## Simulate data with interventions + +Xhot1 = ICPlibrary.hotEncoder(dfX1) +Xhot2 = ICPlibrary.hotEncoder(dfX2) +Xhot3 = ICPlibrary.hotEncoder(dfX3) + +r = getBlanketBoosting(Xhot1, dfY1, "booster", ncol(Xhot1)-1) +r = getBlanketBoosting(Xhot2, dfY2, "booster", ncol(Xhot2)-1) +r = getBlanketBoosting(Xhot3, dfY3, "booster", ncol(Xhot3)-1) +# println("result \t", r) + +# calling the XGBooster +# r = getBlanketBoosting(dfX3, dfY3, 3) +# println("maxNoVariables=2 \t", r) + +r = getBlanketRandomForest(Xhot1, dfY1, "forest") +r = getBlanketRandomForest(Xhot2, dfY2, "forest") +r = getBlanketRandomForest(Xhot3, dfY3, "forest") +# println("result \t", r) + +# ncolumns = 3 +# X = MLJ.table(rand("abc", (10, ncolumns))|> categorical); +# schema(X) +# Xhot = hotEncoder(DataFrame(X)) +# y = rand("MF", 10) |> categorical; +# r = getBlanketRandomForest(Xhot, DataFrame(y=y), "tree", ncol(Xhot)-1) + + + +################## College Distance data + +# r = getBlanketBoosting(dfX3, dfY3) +# println("maxNoVariables=10 \t", r) + +# calling the XGBooster +# r = getBlanketBoosting(dfX3, dfY3.Y, 3) +# println("maxNoVariables=2 \t", r) + + +=# + + + + +########################################################################################################################################################## +# Testing the examples from the IPC manual. The X, Y and the other inputs are created in RStudio and saved in CSV file to read here +# The Julia ouput is compared to the RStudio output +########################################################################################################################################################## + +#= +using CSV, DataFrames +cd("C:\\Users\\BCP\\github\\ICP\\Test") + +dfX1 = CSV.File("X1.csv") |> DataFrame +dfY1 = CSV.File("Y1.csv") |> DataFrame +dfE1 = CSV.File("ExpInd1.csv") |> DataFrame + +dfX2 = CSV.File("X2.csv") |> DataFrame +dfY2 = CSV.File("Y2.csv") |> DataFrame +dfE2 = CSV.File("ExpInd2.csv") |> DataFrame + +dfX3 = CSV.File("X3small.csv") |> DataFrame +dfY3 = CSV.File("Y3small.csv") |> DataFrame +dfE3 = CSV.File("ExpInd3small.csv") |> DataFrame + + +dfX3 = CSV.File("X3a.csv") |> DataFrame +dfY3 = CSV.File("Y3a.csv") |> DataFrame +dfE3 = CSV.File("E3a.csv") |> DataFrame + + +numberOfTargets = length(unique(dfY3[:, 1])) +numberOfEnvironments = nrow(unique(dfE3)) +X = hotEncoder(dfX3) + +r = getPValueLinear(X[:,[1,3] ], float.(dfY3[:,1]), dfE3, numberOfTargets, numberOfEnvironments ) +println("\n\ngetPValue \t", r) =# + + +# xSample = [1, 2, 3, 4, 5] +# ySample = [6, 7, 8, 9, 5] +# pval = getpvalClassification(Float64.(xSample), Float64.(ySample)) +# pval = getpvalClassification(Float64.(xSample), Float64.(ySample), 500, "crazy") +# println("\n pval: ", pval) + + +# setScientificTypes!(dfX3) +# y = float.(dfY3.Y) +# r = getPValue(dfX3[:,[3,8,9,10]], y, dfE3,2,2) +# println("getPValue \t", r) + + + +################################################################################################################# + +#= +using CSV, Queryverse, DataFrames + +cd("C:\\Users\\BCP\\github\\ICP\\Test") + +#dfX3 = CSV.File("X3small.csv") |> DataFrame +#dfY3 = CSV.File("Y3small.csv") |> DataFrame +#dfE3 = CSV.File("ExpInd3small.csv") |> DataFrame + +dfX3 = CSV.File("X3a.csv") |> DataFrame +dfY3 = CSV.File("Y3a.csv") |> DataFrame +dfE3 = CSV.File("E3a.csv") |> DataFrame + +dfJoin = CSV.File("join_clean.csv"; normalizenames=true) |> DataFrame +#Bolivia +dfJoinICP = dfJoin |> @filter( _.Country_name == "Bolivia") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +Xb = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) + +#Colombia +dfJoinICP = dfJoin |> @filter( _.Country_name == "Colombia") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +Xc = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) + +#Honduras +dfJoinICP = dfJoin |> @filter( _.Country_name == "Honduras") |> DataFrame +E = DataFrame(E = dfJoinICP.Environment) +Y = DataFrame(Y = dfJoinICP.Unemployment_Rate_aged_15_64) +Xh = select(dfJoinICP, Not([:Unemployment_Rate_aged_15_64, :Environment, :Country_name, :Year_of_Survey])) + + +println("\n\n") +Xhot = hotEncoder(Xc) +println(first(Xhot)) + +Xhot = hotEncoder(Xb) +println(first(Xhot)) + +println("\n\n") +Xhot = hotEncoder(Xh) +println(first(Xhot)) + + +println("\n\n") +Xhot = hotEncoder(dfX3) +println(first(Xhot)) =# + + + +#= +using Distributed +addprocs(2) # get ready for parallelism +@everywhere using MLJ +@everywhere using DataFrames +@everywhere forest_model = MLJ.@load RandomForestClassifier pkg=DecisionTree + + +@everywhere function fitter(tmRandomForestClassifier, X, y) + mtm = machine(tmRandomForestClassifier, X, y) + fit!(mtm) + ŷ = MLJ.predict(mtm, X) + return (ŷ) +end + + + +############## +using CSV +cd("C:\\Users\\BCP\\github\\ICP\\Test") + +X = CSV.File("treeX1.csv") |> DataFrame +Y = CSV.File("treeY1.csv") |> DataFrame + +Y = Y[:,1] |> categorical + +@everywhere pipeRandomForestClassifier = @pipeline RandomForestClassifierPipe( + selector = FeatureSelector(), + hot = OneHotEncoder(), + tree = RandomForestClassifier()) prediction_type = :probabilistic + + +cases = [[Symbol(names(X)[j]) for j in 1:i] for i in 1:ncol(X)] +r1 = range(pipeRandomForestClassifier, :(selector.features), values=cases) + + +tmRandomForestClassifier = TunedModel( + model = pipeRandomForestClassifier, + range=r1, + measures=[cross_entropy, BrierScore()], + resampling=CV(nfolds=9) +) + +spawnref = @spawnat :any fitter(tmRandomForestClassifier, X, Y) + +result = fetch(spawnref) +print( "result ", result, " ", typeof(result)) + +=# diff --git a/src/ICP/packageInstalls.jl b/src/ICP/packageInstalls.jl new file mode 100644 index 00000000..863f90e8 --- /dev/null +++ b/src/ICP/packageInstalls.jl @@ -0,0 +1,36 @@ +using Pkg; + +##Install main packages +Pkg.add([ + "MLJ", + "Queryverse", + "CategoricalArrays", + "DataFrames", + "Combinatorics", + "HypothesisTests", + "CSV", + "PrettyPrinting", + "Missings", + "StatsBase", + "Tables", + "Hwloc", + "ShapML" +]) +Pkg.status() + +##Install all MLJ relevant packages +Pkg.add([ + "Clustering", + "DecisionTree", + "EvoTrees", + "GLM", + "LightGBM", + "LIBSVM", + "MLJModels", + "MLJLinearModels", + "XGBoost", + "XGBoostClassifier", + "XGBoostRegressor" +]) +Pkg.status() +