Repository 'sklearn_regression_metrics'
hg clone https://toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_regression_metrics

Changeset 16:268ecaf96b68 (2018-12-30)
Previous changeset 15:931b7b90377b (2018-10-11) Next changeset 17:40ee30b5e456 (2019-05-15)
Commit message:
planemo upload for repository https://github.com/bgruening/galaxytools/tree/master/tools/sklearn commit 57f4407e278a615f47a377a3328782b1d8e0b54d
modified:
main_macros.xml
sk_whitelist.json
test-data/abc_model01
test-data/abr_model01
test-data/blobs.txt
test-data/circles.txt
test-data/classification_report.txt
test-data/feature_selection_result12
test-data/friedman1.txt
test-data/friedman2.txt
test-data/friedman3.txt
test-data/gaus.txt
test-data/gbc_model01
test-data/gbc_result01
test-data/gbr_model01
test-data/gbr_prediction_result01.tabular
test-data/glm_model01
test-data/glm_model02
test-data/glm_model03
test-data/glm_model04
test-data/glm_model05
test-data/glm_model06
test-data/glm_model07
test-data/glm_model08
test-data/hastie.txt
test-data/lda_model01
test-data/lda_model02
test-data/moons.txt
test-data/nn_model01
test-data/nn_model02
test-data/nn_model03
test-data/pipeline01
test-data/pipeline02
test-data/pipeline03
test-data/pipeline04
test-data/pipeline05
test-data/pipeline06
test-data/pipeline07
test-data/pipeline08
test-data/pipeline09
test-data/pipeline10
test-data/prp_model01
test-data/prp_model02
test-data/prp_model03
test-data/prp_model04
test-data/prp_model05
test-data/prp_model06
test-data/prp_model07
test-data/prp_model08
test-data/prp_model09
test-data/prp_result06
test-data/qda_model01
test-data/regression.txt
test-data/rfc_model01
test-data/rfc_result01
test-data/rfr_model01
test-data/rfr_result01
test-data/roc_curve.txt
test-data/scurve.txt
test-data/searchCV01
test-data/searchCV02
test-data/sparse_u.txt
test-data/svc_model01
test-data/svc_model02
test-data/svc_model03
test-data/svc_prediction_result03.tabular
test-data/swiss_r.txt
utils.py
added:
search_model_validation.py
test-data/imblearn_X.tabular
test-data/imblearn_y.tabular
test-data/pipeline11
test-data/pipeline12
removed:
test-data/cluster_result12
b
diff -r 931b7b90377b -r 268ecaf96b68 main_macros.xml
--- a/main_macros.xml Thu Oct 11 03:36:25 2018 -0400
+++ b/main_macros.xml Sun Dec 30 01:59:44 2018 -0500
[
b'@@ -1,13 +1,13 @@\n <macros>\n-  <token name="@VERSION@">0.9</token>\n+  <token name="@VERSION@">1.0</token>\n \n   <xml name="python_requirements">\n       <requirements>\n           <requirement type="package" version="3.6">python</requirement>\n-          <requirement type="package" version="0.19.1">scikit-learn</requirement>\n-          <requirement type="package" version="0.22.0">pandas</requirement>\n-          <requirement type="package" version="0.72.1">xgboost</requirement>\n-          <requirement type="package" version="0.9.12">asteval</requirement>\n+          <requirement type="package" version="0.20.2">scikit-learn</requirement>\n+          <requirement type="package" version="0.23.4">pandas</requirement>\n+          <requirement type="package" version="0.80">xgboost</requirement>\n+          <requirement type="package" version="0.9.13">asteval</requirement>\n           <yield />\n       </requirements>\n   </xml>\n@@ -244,7 +244,7 @@\n     <param argument="shuffle" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="@CHECKED@" label="@LABEL@" help="@HELP_TEXT@"/>\n   </xml>\n \n-  <xml name="random_state" token_default_value="" token_help_text="Integer number. The seed of the pseudo random number generator to use when shuffling the data. A fixed seed allows reproducible results.">\n+  <xml name="random_state" token_default_value="" token_help_text="Integer number. The seed of the pseudo random number generator to use when shuffling the data. A fixed seed allows reproducible results. default=None.">\n     <param argument="random_state" type="integer" optional="true" value="@DEFAULT_VALUE@" label="Random seed number" help="@HELP_TEXT@"/>\n   </xml>\n \n@@ -346,20 +346,20 @@\n   <xml name="samples_column_selector_options" token_column_option="selected_column_selector_option" token_col_name="col1" token_multiple="False" token_infile="infile1">\n     <param name="@COLUMN_OPTION@" type="select" label="Choose how to select data by column:">\n       <option value="by_index_number" selected="true">Select columns by column index number(s)</option>\n+      <option value="all_but_by_index_number">All columns BUT by column index number(s)</option>\n       <option value="by_header_name">Select columns by column header name(s)</option>\n-      <option value="all_but_by_index_number">All columns but by column index number(s)</option>\n-      <option value="all_but_by_header_name">All columns but by column header name(s)</option>\n+      <option value="all_but_by_header_name">All columns BUT by column header name(s)</option>\n       <option value="all_columns">All columns</option>\n     </param>\n     <when value="by_index_number">\n       <param name="@COL_NAME@" multiple="@MULTIPLE@" type="data_column" data_ref="@INFILE@" label="Select target column(s):"/>\n     </when>\n+    <when value="all_but_by_index_number">\n+      <param name="@COL_NAME@" multiple="@MULTIPLE@" type="data_column" data_ref="@INFILE@" label="Select target column(s):"/>\n+    </when>\n     <when value="by_header_name">\n       <param name="@COL_NAME@" type="text" value="" label="Type header name(s):" help="Comma-separated string. For example: target1,target2"/>\n     </when>\n-    <when value="all_but_by_index_number">\n-      <param name="@COL_NAME@" multiple="@MULTIPLE@" type="data_column" data_ref="@INFILE@" label="Select target column(s):"/>\n-    </when>\n     <when value="all_but_by_header_name">\n       <param name="@COL_NAME@" type="text" value="" label="Type header name(s):" help="Comma-separated string. For example: target1,target2"/>\n     </when>\n@@ -543,9 +543,18 @@\n       <!--param argument="precompute_distances"/-->\n       <expand macro="random_state"/>\n       <param argument="copy_x" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true" label="Use a copy of data for precomputing distances" help="Mofifying the original data introduces small numerical differences caused by subtracting and then adding the data mean."/>\n+      <'..b'(=blank): sampling_strategy=\'auto\', random_state=None, n_neighbors=3, kind_sel=\'all\', allow_minority=False."/>\n+      </when>\n+      <when value="under_sampling.InstanceHardnessThreshold">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): estimator=None, sampling_strategy=\'auto\', random_state=None, cv=5."/>\n+      </when>\n+      <when value="under_sampling.NearMiss">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', random_state=None, version=1, n_neighbors=3, n_neighbors_ver3=3."/>\n+      </when>\n+      <when value="under_sampling.NeighbourhoodCleaningRule">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', random_state=None, n_neighbors=3, kind_sel=\'all\', threshold_cleaning=0.5."/>\n+      </when>\n+      <when value="under_sampling.OneSidedSelection">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', random_state=None, n_neighbors=None, n_seeds_S=1."/>\n+      </when>\n+      <when value="under_sampling.RandomUnderSampler">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', random_state=None, replacement=False."/>\n+      </when>\n+      <when value="under_sampling.TomekLinks">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', random_state=None."/>\n+      </when>\n+      <when value="over_sampling.ADASYN">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', random_state=None, n_neighbors=5."/>\n+      </when>\n+      <when value="over_sampling.RandomOverSampler">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', random_state=None."/>\n+      </when>\n+      <when value="over_sampling.SMOTE">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', random_state=None, k_neighbors=5."/>\n+      </when>\n+      <when value="over_sampling.SVMSMOTE">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', k_neighbors=5, m_neighbors=10, out_step=0.5, random_state=None, svm_estimator=None."/>\n+      </when>\n+      <when value="over_sampling.BorderlineSMOTE">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', k_neighbors=5, kind=\'borderline-1\', m_neighbors=10, random_state=None."/>\n+      </when>\n+      <when value="over_sampling.SMOTENC">\n+        <expand macro="estimator_params_text"\n+              help="Default: categorical_features=[], sampling_strategy=\'auto\', random_state=None, k_neighbors=5."/>\n+      </when>\n+      <when value="combine.SMOTEENN">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', random_state=None, smote=None, enn=None."/>\n+      </when>\n+      <when value="combine.SMOTETomek">\n+        <expand macro="estimator_params_text"\n+              help="Default(=blank): sampling_strategy=\'auto\', random_state=None, smote=None, tomek=None."/>\n       </when>\n     </conditional>\n   </xml>\n+\n   <!-- Outputs -->\n \n   <xml name="output">\n@@ -1498,4 +1768,19 @@\n     </citation>\n   </xml>\n \n+    <xml name="imblearn_citation">\n+    <citation type="bibtex">\n+      @article{JMLR:v18:16-365,\n+        author  = {Guillaume  Lema{{\\^i}}tre and Fernando Nogueira and Christos K. Aridas},\n+        title   = {Imbalanced-learn: A Python Toolbox to Tackle the Curse of Imbalanced Datasets in Machine Learning},\n+        journal = {Journal of Machine Learning Research},\n+        year    = {2017},\n+        volume  = {18},\n+        number  = {17},\n+        pages   = {1-5},\n+        url     = {http://jmlr.org/papers/v18/16-365.html}\n+      }\n+    </citation>\n+  </xml>\n+\n </macros>\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 search_model_validation.py
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/search_model_validation.py Sun Dec 30 01:59:44 2018 -0500
[
b'@@ -0,0 +1,234 @@\n+import imblearn\n+import json\n+import numpy as np\n+import os\n+import pandas\n+import pickle\n+import skrebate\n+import sklearn\n+import sys\n+import xgboost\n+import warnings\n+from imblearn import under_sampling, over_sampling, combine\n+from imblearn.pipeline import Pipeline as imbPipeline\n+from sklearn import (cluster, compose, decomposition, ensemble, feature_extraction,\n+                    feature_selection, gaussian_process, kernel_approximation, metrics,\n+                    model_selection, naive_bayes, neighbors, pipeline, preprocessing,\n+                    svm, linear_model, tree, discriminant_analysis)\n+from sklearn.exceptions import FitFailedWarning\n+from sklearn.externals import joblib\n+from utils import get_cv, get_scoring, get_X_y, load_model, read_columns, SafeEval\n+\n+\n+N_JOBS = int(os.environ.get(\'GALAXY_SLOTS\', 1))\n+\n+\n+def get_search_params(params_builder):\n+    search_params = {}\n+    safe_eval = SafeEval(load_scipy=True, load_numpy=True)\n+    safe_eval_es = SafeEval(load_estimators=True)\n+\n+    for p in params_builder[\'param_set\']:\n+        search_p = p[\'search_param_selector\'][\'search_p\']\n+        if search_p.strip() == \'\':\n+            continue\n+        param_type = p[\'search_param_selector\'][\'selected_param_type\']\n+\n+        lst = search_p.split(\':\')\n+        assert (len(lst) == 2), "Error, make sure there is one and only one colon in search parameter input."\n+        literal = lst[1].strip()\n+        param_name = lst[0].strip()\n+        if param_name:\n+            if param_name.lower() == \'n_jobs\':\n+                sys.exit("Parameter `%s` is invalid for search." %param_name)\n+            elif not param_name.endswith(\'-\'):\n+                ev = safe_eval(literal)\n+                if param_type == \'final_estimator_p\':\n+                    search_params[\'estimator__\' + param_name] = ev\n+                else:\n+                    search_params[\'preprocessing_\' + param_type[5:6] + \'__\' + param_name] = ev\n+            else:\n+                # only for estimator eval, add `-` to the end of param\n+                #TODO maybe add regular express check\n+                ev = safe_eval_es(literal)\n+                for obj in ev:\n+                    if \'n_jobs\' in obj.get_params():\n+                        obj.set_params( n_jobs=N_JOBS )\n+                if param_type == \'final_estimator_p\':\n+                    search_params[\'estimator__\' + param_name[:-1]] = ev\n+                else:\n+                    search_params[\'preprocessing_\' + param_type[5:6] + \'__\' + param_name[:-1]] = ev\n+        elif param_type != \'final_estimator_p\':\n+            #TODO regular express check ?\n+            ev = safe_eval_es(literal)\n+            preprocessors = [preprocessing.StandardScaler(), preprocessing.Binarizer(), preprocessing.Imputer(),\n+                            preprocessing.MaxAbsScaler(), preprocessing.Normalizer(), preprocessing.MinMaxScaler(),\n+                            preprocessing.PolynomialFeatures(),preprocessing.RobustScaler(),\n+                            feature_selection.SelectKBest(), feature_selection.GenericUnivariateSelect(),\n+                            feature_selection.SelectPercentile(), feature_selection.SelectFpr(), feature_selection.SelectFdr(),\n+                            feature_selection.SelectFwe(), feature_selection.VarianceThreshold(),\n+                            decomposition.FactorAnalysis(random_state=0), decomposition.FastICA(random_state=0), decomposition.IncrementalPCA(),\n+                            decomposition.KernelPCA(random_state=0, n_jobs=N_JOBS), decomposition.LatentDirichletAllocation(random_state=0, n_jobs=N_JOBS),\n+                            decomposition.MiniBatchDictionaryLearning(random_state=0, n_jobs=N_JOBS),\n+                            decomposition.MiniBatchSparsePCA(random_state=0, n_jobs=N_JOBS), decomposition.NMF(random_state=0),\n+                            decomposition.PCA(random_state=0), decomposition.SparsePCA(random_state=0, n_jobs=N_JOB'..b")\n+\n+    return search_params\n+\n+\n+if __name__ == '__main__':\n+\n+    warnings.simplefilter('ignore')\n+\n+    input_json_path = sys.argv[1]\n+    with open(input_json_path, 'r') as param_handler:\n+        params = json.load(param_handler)\n+\n+    infile_pipeline = sys.argv[2]\n+    infile1 = sys.argv[3]\n+    infile2 = sys.argv[4]\n+    outfile_result = sys.argv[5]\n+    if len(sys.argv) > 6:\n+        outfile_estimator = sys.argv[6]\n+    else:\n+        outfile_estimator = None\n+\n+    params_builder = params['search_schemes']['search_params_builder']\n+\n+    input_type = params['input_options']['selected_input']\n+    if input_type == 'tabular':\n+        header = 'infer' if params['input_options']['header1'] else None\n+        column_option = params['input_options']['column_selector_options_1']['selected_column_selector_option']\n+        if column_option in ['by_index_number', 'all_but_by_index_number', 'by_header_name', 'all_but_by_header_name']:\n+            c = params['input_options']['column_selector_options_1']['col1']\n+        else:\n+            c = None\n+        X = read_columns(\n+                infile1,\n+                c = c,\n+                c_option = column_option,\n+                sep='\\t',\n+                header=header,\n+                parse_dates=True\n+        )\n+    else:\n+        X = mmread(open(infile1, 'r'))\n+\n+    header = 'infer' if params['input_options']['header2'] else None\n+    column_option = params['input_options']['column_selector_options_2']['selected_column_selector_option2']\n+    if column_option in ['by_index_number', 'all_but_by_index_number', 'by_header_name', 'all_but_by_header_name']:\n+        c = params['input_options']['column_selector_options_2']['col2']\n+    else:\n+        c = None\n+    y = read_columns(\n+            infile2,\n+            c = c,\n+            c_option = column_option,\n+            sep='\\t',\n+            header=header,\n+            parse_dates=True\n+    )\n+    y = y.ravel()\n+\n+    optimizer = params['search_schemes']['selected_search_scheme']\n+    optimizer = getattr(model_selection, optimizer)\n+\n+    options = params['search_schemes']['options']\n+    splitter, groups = get_cv(options.pop('cv_selector'))\n+    if groups is None:\n+        options['cv'] = splitter\n+    elif groups == '':\n+        options['cv'] = list( splitter.split(X, y, groups=None) )\n+    else:\n+        options['cv'] = list( splitter.split(X, y, groups=groups) )\n+    options['n_jobs'] = N_JOBS\n+    primary_scoring = options['scoring']['primary_scoring']\n+    options['scoring'] = get_scoring(options['scoring'])\n+    if options['error_score']:\n+        options['error_score'] = 'raise'\n+    else:\n+        options['error_score'] = np.NaN\n+    if options['refit'] and isinstance(options['scoring'], dict):\n+        options['refit'] = 'primary'\n+    if 'pre_dispatch' in options and options['pre_dispatch'] == '':\n+        options['pre_dispatch'] = None\n+\n+    with open(infile_pipeline, 'rb') as pipeline_handler:\n+        pipeline = load_model(pipeline_handler)\n+\n+    search_params = get_search_params(params_builder)\n+    searcher = optimizer(pipeline, search_params, **options)\n+\n+    if options['error_score'] == 'raise':\n+        searcher.fit(X, y)\n+    else:\n+        warnings.simplefilter('always', FitFailedWarning)\n+        with warnings.catch_warnings(record=True) as w:\n+            try:\n+                searcher.fit(X, y)\n+            except ValueError:\n+                pass\n+            for warning in w:\n+                print(repr(warning.message))\n+\n+    cv_result = pandas.DataFrame(searcher.cv_results_)\n+    cv_result.rename(inplace=True, columns={'mean_test_primary': 'mean_test_'+primary_scoring, 'rank_test_primary': 'rank_test_'+primary_scoring})\n+    cv_result.to_csv(path_or_buf=outfile_result, sep='\\t', header=True, index=False)\n+\n+    if outfile_estimator:\n+        with open(outfile_estimator, 'wb') as output_handler:\n+            pickle.dump(searcher.best_estimator_, output_handler, pickle.HIGHEST_PROTOCOL)\n"
b
diff -r 931b7b90377b -r 268ecaf96b68 sk_whitelist.json
--- a/sk_whitelist.json Thu Oct 11 03:36:25 2018 -0400
+++ b/sk_whitelist.json Sun Dec 30 01:59:44 2018 -0500
[
@@ -48,7 +48,10 @@
     "sklearn.cluster.mean_shift_.get_bin_seeds", "sklearn.cluster.mean_shift_.mean_shift",
     "sklearn.cluster.spectral.SpectralClustering", "sklearn.cluster.spectral.discretize",
     "sklearn.cluster.spectral.spectral_clustering", "sklearn.cluster.spectral_clustering",
-    "sklearn.cluster.ward_tree", "sklearn.config_context",
+    "sklearn.cluster.ward_tree", "sklearn.config_context", "sklearn.compose.TransformedTargetRegressor",
+    "sklearn.compose._target.TransformedTargetRegressor", "sklearn.compose.ColumnTransformer",
+    "sklearn.compose._column_transformer.ColumnTransformer", "sklearn.compose.make_column_transformer",
+    "sklearn.compose._column_transformer.make_column_transformer",
     "sklearn.covariance.EllipticEnvelope", "sklearn.covariance.EmpiricalCovariance",
     "sklearn.covariance.GraphLasso", "sklearn.covariance.GraphLassoCV",
     "sklearn.covariance.LedoitWolf", "sklearn.covariance.MinCovDet",
@@ -749,5 +752,10 @@
     "numpy.core.multiarray._reconstruct", "numpy.ndarray",
     "numpy.dtype", "numpy.core.multiarray.scalar",
     "numpy.random.__RandomState_ctor"
+  ],
+
+  "IMBLEARN_NAMES":[
+    "imblearn.pipeline.Pipeline", "imblearn.over_sampling._random_over_sampler.RandomOverSampler",
+    "imblearn.under_sampling._prototype_selection._edited_nearest_neighbours.EditedNearestNeighbours"
   ]
 }
\ No newline at end of file
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/abc_model01
b
Binary file test-data/abc_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/abr_model01
b
Binary file test-data/abr_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/blobs.txt
--- a/test-data/blobs.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/blobs.txt Sun Dec 30 01:59:44 2018 -0500
b
@@ -1,101 +1,101 @@
 0 1 0
-0.3368184589673989 -3.402879612990731 0
+0.33681845896740 -3.40287961299073 0
 -9.48324265575857 -8.66266051536995 2
--1.9333632849607592 5.709539081468901 1
--10.031824059894126 -5.578343934583625 2
-0.5418607766170062 -4.3769362832693 0
--8.129629290673781 -7.05554320549807 2
--0.7308257856942714 7.323755516994815 1
--1.8414253200701474 6.206304668308321 1
-0.4100718503166844 -3.997448810001185 0
--8.735095893232405 -5.490905352087513 2
-1.8494196227705402 -3.918393456729695 0
--9.152560688488569 -9.17805648051067 2
--3.214299390778301 5.7592616395707115 1
-0.2845037854966439 -3.615765226438298 0
--0.9290748492230643 5.79099955373578 1
-0.366925241944827 6.518619296229099 1
-1.5990991796541174 -3.0710561729787464 0
--9.71270568435724 -7.917076514990086 2
--10.080404430632045 -6.551353241086546 2
-1.1059434577429306 -4.419063749495465 0
-2.4870804964945683 -2.8910071236106702 0
-0.00587148930882897 -3.1831425553970982 0
-1.6185435973534872 -4.888559225592079 0
--9.1585672210814 -7.138941148475106 2
--3.0763357145957295 7.800496767864756 1
-0.11174653022487324 -3.6161582871047915 0
--9.439323507823358 -7.298630345706627 2
--1.6946622959144526 4.408371111175304 1
-1.0526175263832516 -3.495530097015125 0
--10.505605921029415 -5.99245086001851 2
-1.5408196415289697 -4.537023441514705 0
-0.32228789680819747 6.898540080429289 1
-0.6162196966060958 -5.275048036375375 0
--10.225453923298636 -8.716359184214301 2
--10.610041075915571 -8.159992705422887 2
--0.7454796670028672 -2.9618984315119485 0
-0.7884875899019093 -5.3223437793891115 0
--10.420052767549333 -7.784677704340977 2
--2.9066475299706225 5.798350661758252 1
--10.321439212021199 -8.927120521097516 2
--0.21338559861828132 7.847798272479965 1
--0.07194732572545948 -5.260544662489948 0
--7.606968935466872 -7.733827136978448 2
--1.3772203838685648 6.917736574437465 1
--3.215600190755509 7.26468660350508 1
--10.361544895394568 -6.919444657083034 2
--9.604573412392483 -9.253517546022897 2
--2.7269023156583536 6.738257479022937 1
--2.8060399921674897 6.990662089963528 1
--0.8195267147926311 7.582412712536479 1
--2.088474009808327 5.696071447204143 1
--0.3199187614984107 -4.982358491659567 0
--11.320665797033074 -8.209377507348288 2
--7.962360612746552 -9.0160536966573 2
-2.1678469105746174 -6.165707921777358 0
-1.8950202752190992 -5.864802909183004 0
--8.668714990990322 -7.798902262764823 2
-2.057721103848434 -6.123229124507681 0
--9.31359960682017 -8.005681999989289 2
--0.7674305635615133 -5.476822175833394 0
--3.467729419225205 6.760721334408079 1
-1.0904984443746135 -5.875829293349414 0
--0.11521126331032128 -4.075104544956712 0
-1.0892785050407092 -5.50265562869237 0
--0.6150504792573254 7.65521576624828 1
-0.42996321311489133 -5.550930544379513 0
--0.7591948546904975 5.588530307317255 1
--9.125996572516852 -8.00673850068656 2
--9.775374420827845 -6.619256719676729 2
--3.017233345281725 7.003406777204688 1
--0.9730894643674084 -4.066519071956773 0
--0.488300213042004 -5.665046812039003 0
--11.920811593303075 -7.6481581712718265 2
--9.382625071659795 -7.584962987095203 2
-0.07652275340589654 7.588913304914662 1
-0.9769623036529882 -3.9248027076317573 0
--7.830829708233982 -7.911915266520185 2
--3.0073685661005083 5.7016366696061365 1
--1.8751101776939656 5.624499605551414 1
--9.6832320667351 -8.253539319584945 2
--9.301199337591346 -8.475648001818415 2
-0.3236596741468444 -5.100784034937504 0
--1.7483610543320183 5.466455747949784 1
--0.5606434085120788 6.8761250604356094 1
-0.6786030049961334 -4.1776108538506955 0
--8.201998888059842 -8.29076835439347 2
--3.0502642095699524 8.942236614880212 1
--8.811936226521826 -7.798135337577672 2
--9.168627707162337 -7.132750331822805 2
--4.482963659068224 6.928839924536938 1
--10.522252247863742 -6.805433938277723 2
--1.585671650741962 6.899480240385674 1
--1.7585368520754465 6.445346211386424 1
--9.914521539472657 -8.111815592744888 2
--1.4007761951194242 6.923806281221148 1
--1.1922802090762707 6.143108468673037 1
-0.8754133990482117 -5.04555103360224 0
-1.481137717506855 -3.6964070848002533 0
-0.5249593764875948 6.344808234483482 1
--0.013699553663708786 -4.413973348636017 0
+-1.93336328496076 5.70953908146890 1
+-10.03182405989413 -5.57834393458362 2
+0.54186077661701 -4.37693628326930 0
+-8.12962929067378 -7.05554320549807 2
+-0.73082578569427 7.32375551699482 1
+-1.84142532007015 6.20630466830832 1
+0.41007185031668 -3.99744881000119 0
+-8.73509589323240 -5.49090535208751 2
+1.84941962277054 -3.91839345672969 0
+-9.15256068848857 -9.17805648051067 2
+-3.21429939077830 5.75926163957071 1
+0.28450378549664 -3.61576522643830 0
+-0.92907484922306 5.79099955373578 1
+0.36692524194483 6.51861929622910 1
+1.59909917965412 -3.07105617297875 0
+-9.71270568435724 -7.91707651499009 2
+-10.08040443063205 -6.55135324108655 2
+1.10594345774293 -4.41906374949547 0
+2.48708049649457 -2.89100712361067 0
+0.00587148930883 -3.18314255539710 0
+1.61854359735349 -4.88855922559208 0
+-9.15856722108140 -7.13894114847511 2
+-3.07633571459573 7.80049676786476 1
+0.11174653022487 -3.61615828710479 0
+-9.43932350782336 -7.29863034570663 2
+-1.69466229591445 4.40837111117530 1
+1.05261752638325 -3.49553009701512 0
+-10.50560592102942 -5.99245086001851 2
+1.54081964152897 -4.53702344151471 0
+0.32228789680820 6.89854008042929 1
+0.61621969660610 -5.27504803637537 0
+-10.22545392329864 -8.71635918421430 2
+-10.61004107591557 -8.15999270542289 2
+-0.74547966700287 -2.96189843151195 0
+0.78848758990191 -5.32234377938911 0
+-10.42005276754933 -7.78467770434098 2
+-2.90664752997062 5.79835066175825 1
+-10.32143921202120 -8.92712052109752 2
+-0.21338559861828 7.84779827247996 1
+-0.07194732572546 -5.26054466248995 0
+-7.60696893546687 -7.73382713697845 2
+-1.37722038386856 6.91773657443747 1
+-3.21560019075551 7.26468660350508 1
+-10.36154489539457 -6.91944465708303 2
+-9.60457341239248 -9.25351754602290 2
+-2.72690231565835 6.73825747902294 1
+-2.80603999216749 6.99066208996353 1
+-0.81952671479263 7.58241271253648 1
+-2.08847400980833 5.69607144720414 1
+-0.31991876149841 -4.98235849165957 0
+-11.32066579703307 -8.20937750734829 2
+-7.96236061274655 -9.01605369665730 2
+2.16784691057462 -6.16570792177736 0
+1.89502027521910 -5.86480290918300 0
+-8.66871499099032 -7.79890226276482 2
+2.05772110384843 -6.12322912450768 0
+-9.31359960682017 -8.00568199998929 2
+-0.76743056356151 -5.47682217583339 0
+-3.46772941922521 6.76072133440808 1
+1.09049844437461 -5.87582929334941 0
+-0.11521126331032 -4.07510454495671 0
+1.08927850504071 -5.50265562869237 0
+-0.61505047925733 7.65521576624828 1
+0.42996321311489 -5.55093054437951 0
+-0.75919485469050 5.58853030731725 1
+-9.12599657251685 -8.00673850068656 2
+-9.77537442082784 -6.61925671967673 2
+-3.01723334528173 7.00340677720469 1
+-0.97308946436741 -4.06651907195677 0
+-0.48830021304200 -5.66504681203900 0
+-11.92081159330307 -7.64815817127183 2
+-9.38262507165980 -7.58496298709520 2
+0.07652275340590 7.58891330491466 1
+0.97696230365299 -3.92480270763176 0
+-7.83082970823398 -7.91191526652019 2
+-3.00736856610051 5.70163666960614 1
+-1.87511017769397 5.62449960555141 1
+-9.68323206673510 -8.25353931958495 2
+-9.30119933759135 -8.47564800181842 2
+0.32365967414684 -5.10078403493750 0
+-1.74836105433202 5.46645574794978 1
+-0.56064340851208 6.87612506043561 1
+0.67860300499613 -4.17761085385070 0
+-8.20199888805984 -8.29076835439347 2
+-3.05026420956995 8.94223661488021 1
+-8.81193622652183 -7.79813533757767 2
+-9.16862770716234 -7.13275033182281 2
+-4.48296365906822 6.92883992453694 1
+-10.52225224786374 -6.80543393827772 2
+-1.58567165074196 6.89948024038567 1
+-1.75853685207545 6.44534621138642 1
+-9.91452153947266 -8.11181559274489 2
+-1.40077619511942 6.92380628122115 1
+-1.19228020907627 6.14310846867304 1
+0.87541339904821 -5.04555103360224 0
+1.48113771750685 -3.69640708480025 0
+0.52495937648759 6.34480823448348 1
+-0.01369955366371 -4.41397334863602 0
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/circles.txt
--- a/test-data/circles.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/circles.txt Sun Dec 30 01:59:44 2018 -0500
b
@@ -1,101 +1,101 @@
 0 1 0
--0.06279051952931321 -0.9980267284282716 0
-0.05023241562345065 0.7984213827426173 1
--0.9921147013144779 -0.12533323356430429 0
-0.4257792915650726 -0.9048270524660196 0
--0.30901699437494756 -0.9510565162951535 0
--1.0 -3.216245299353273e-16 0
--0.18738131458572463 -0.9822872507286887 0
--0.5358267949789963 -0.8443279255020153 0
--0.7748665289029049 -0.19895190973188404 1
--0.8763066800438636 0.4817536741017152 0
--0.24721359549995806 -0.7608452130361228 1
-0.8 0.0 1
-0.42866143598319745 -0.675462340401612 1
--0.5831749019371294 0.5476376847429508 1
-0.7010453440350909 -0.38540293928137226 1
--0.743821188710601 -0.29449964214774266 1
--0.7438211887106012 0.2944996421477422 1
-0.8090169943749475 0.5877852522924731 0
-0.30901699437494723 -0.9510565162951536 0
-0.18738131458572452 0.9822872507286887 0
--0.8763066800438635 -0.4817536741017154 0
--0.42866143598319706 -0.6754623404016122 1
--0.5099391917989516 -0.6164105942206315 1
-0.63742398974869 -0.770513242775789 0
--0.9297764858882512 -0.3681245526846783 0
--0.9297764858882515 0.36812455268467775 0
--0.9685831611286311 0.24868988716485482 0
-0.2472135954999578 -0.760845213036123 1
--0.1499050516685797 -0.785829800582951 1
--0.8090169943749473 0.5877852522924732 0
--0.6374239897486895 -0.7705132427757894 0
-0.7289686274214116 0.6845471059286887 0
-0.9297764858882513 0.368124552684678 0
-0.0627905195293133 0.9980267284282716 0
-0.7936917610515823 0.1002665868514434 1
--0.34062343325205774 -0.7238616419728159 1
--0.7748665289029049 0.19895190973188387 1
--0.14990505166857987 0.7858298005829509 1
-0.7010453440350909 0.38540293928137226 1
--0.5099391917989519 0.6164105942206315 1
--0.8 -2.572996239482619e-16 1
--0.7936917610515823 0.10026658685144328 1
-0.5099391917989518 0.6164105942206315 1
-0.5358267949789968 -0.844327925502015 0
--0.7936917610515823 -0.10026658685144343 1
-0.7936917610515823 -0.10026658685144303 1
--0.5358267949789969 0.844327925502015 0
-0.509939191798952 -0.6164105942206313 1
--0.050232415623450724 0.7984213827426173 1
-1.0 0.0 0
--0.6374239897486897 0.7705132427757893 0
-0.7289686274214119 -0.6845471059286883 0
-0.06279051952931372 -0.9980267284282716 0
-0.8090169943749478 -0.5877852522924726 0
-0.18738131458572513 -0.9822872507286886 0
--0.6472135954999579 0.4702282018339786 1
-0.5831749019371295 -0.5476376847429506 1
--0.8090169943749472 -0.5877852522924734 0
--0.7010453440350909 0.3854029392813722 1
-0.8763066800438636 -0.4817536741017153 0
-0.5831749019371293 0.547637684742951 1
--0.6472135954999578 -0.47022820183397873 1
-0.3406234332520581 -0.7238616419728157 1
-0.05023241562345098 -0.7984213827426173 1
--0.7289686274214117 0.6845471059286885 0
--0.5831749019371293 -0.547637684742951 1
-0.647213595499958 0.4702282018339785 1
-0.14990505166858012 -0.7858298005829509 1
-0.14990505166857962 0.785829800582951 1
--0.24721359549995806 0.7608452130361228 1
-0.9297764858882515 -0.36812455268467786 0
-0.9921147013144779 -0.1253332335643038 0
-0.6374239897486896 0.7705132427757893 0
-0.7438211887106012 -0.2944996421477423 1
-0.3406234332520581 0.7238616419728157 1
-0.6472135954999583 -0.47022820183397807 1
--0.0627905195293134 0.9980267284282716 0
-0.9921147013144779 0.12533323356430426 0
--0.7289686274214116 -0.6845471059286887 0
-0.8763066800438636 0.4817536741017153 0
--0.9685831611286311 -0.24868988716485502 0
-0.9685831611286311 0.2486898871648548 0
-0.42577929156507266 0.9048270524660196 0
--0.4257792915650727 0.9048270524660195 0
-0.4286614359831973 0.6754623404016121 1
-0.24721359549995797 0.7608452130361228 1
--0.30901699437494756 0.9510565162951535 0
-0.774866528902905 -0.1989519097318836 1
--0.42577929156507216 -0.9048270524660198 0
--0.18738131458572482 0.9822872507286886 0
--0.3406234332520582 0.7238616419728157 1
-0.7438211887106011 0.2944996421477424 1
-0.7748665289029049 0.19895190973188384 1
-0.30901699437494745 0.9510565162951535 0
-0.9685831611286312 -0.2486898871648545 0
--0.7010453440350908 -0.3854029392813723 1
--0.05023241562345057 -0.7984213827426173 1
--0.4286614359831975 0.675462340401612 1
--0.9921147013144779 0.1253332335643041 0
-0.5358267949789965 0.8443279255020151 0
+-0.06279051952931 -0.99802672842827 0
+0.05023241562345 0.79842138274262 1
+-0.99211470131448 -0.12533323356430 0
+0.42577929156507 -0.90482705246602 0
+-0.30901699437495 -0.95105651629515 0
+-1.00000000000000 -0.00000000000000 0
+-0.18738131458572 -0.98228725072869 0
+-0.53582679497900 -0.84432792550202 0
+-0.77486652890290 -0.19895190973188 1
+-0.87630668004386 0.48175367410172 0
+-0.24721359549996 -0.76084521303612 1
+0.80000000000000 0.00000000000000 1
+0.42866143598320 -0.67546234040161 1
+-0.58317490193713 0.54763768474295 1
+0.70104534403509 -0.38540293928137 1
+-0.74382118871060 -0.29449964214774 1
+-0.74382118871060 0.29449964214774 1
+0.80901699437495 0.58778525229247 0
+0.30901699437495 -0.95105651629515 0
+0.18738131458572 0.98228725072869 0
+-0.87630668004386 -0.48175367410172 0
+-0.42866143598320 -0.67546234040161 1
+-0.50993919179895 -0.61641059422063 1
+0.63742398974869 -0.77051324277579 0
+-0.92977648588825 -0.36812455268468 0
+-0.92977648588825 0.36812455268468 0
+-0.96858316112863 0.24868988716485 0
+0.24721359549996 -0.76084521303612 1
+-0.14990505166858 -0.78582980058295 1
+-0.80901699437495 0.58778525229247 0
+-0.63742398974869 -0.77051324277579 0
+0.72896862742141 0.68454710592869 0
+0.92977648588825 0.36812455268468 0
+0.06279051952931 0.99802672842827 0
+0.79369176105158 0.10026658685144 1
+-0.34062343325206 -0.72386164197282 1
+-0.77486652890290 0.19895190973188 1
+-0.14990505166858 0.78582980058295 1
+0.70104534403509 0.38540293928137 1
+-0.50993919179895 0.61641059422063 1
+-0.80000000000000 -0.00000000000000 1
+-0.79369176105158 0.10026658685144 1
+0.50993919179895 0.61641059422063 1
+0.53582679497900 -0.84432792550202 0
+-0.79369176105158 -0.10026658685144 1
+0.79369176105158 -0.10026658685144 1
+-0.53582679497900 0.84432792550201 0
+0.50993919179895 -0.61641059422063 1
+-0.05023241562345 0.79842138274262 1
+1.00000000000000 0.00000000000000 0
+-0.63742398974869 0.77051324277579 0
+0.72896862742141 -0.68454710592869 0
+0.06279051952931 -0.99802672842827 0
+0.80901699437495 -0.58778525229247 0
+0.18738131458573 -0.98228725072869 0
+-0.64721359549996 0.47022820183398 1
+0.58317490193713 -0.54763768474295 1
+-0.80901699437495 -0.58778525229247 0
+-0.70104534403509 0.38540293928137 1
+0.87630668004386 -0.48175367410172 0
+0.58317490193713 0.54763768474295 1
+-0.64721359549996 -0.47022820183398 1
+0.34062343325206 -0.72386164197282 1
+0.05023241562345 -0.79842138274262 1
+-0.72896862742141 0.68454710592869 0
+-0.58317490193713 -0.54763768474295 1
+0.64721359549996 0.47022820183398 1
+0.14990505166858 -0.78582980058295 1
+0.14990505166858 0.78582980058295 1
+-0.24721359549996 0.76084521303612 1
+0.92977648588825 -0.36812455268468 0
+0.99211470131448 -0.12533323356430 0
+0.63742398974869 0.77051324277579 0
+0.74382118871060 -0.29449964214774 1
+0.34062343325206 0.72386164197282 1
+0.64721359549996 -0.47022820183398 1
+-0.06279051952931 0.99802672842827 0
+0.99211470131448 0.12533323356430 0
+-0.72896862742141 -0.68454710592869 0
+0.87630668004386 0.48175367410172 0
+-0.96858316112863 -0.24868988716486 0
+0.96858316112863 0.24868988716485 0
+0.42577929156507 0.90482705246602 0
+-0.42577929156507 0.90482705246602 0
+0.42866143598320 0.67546234040161 1
+0.24721359549996 0.76084521303612 1
+-0.30901699437495 0.95105651629515 0
+0.77486652890290 -0.19895190973188 1
+-0.42577929156507 -0.90482705246602 0
+-0.18738131458572 0.98228725072869 0
+-0.34062343325206 0.72386164197282 1
+0.74382118871060 0.29449964214774 1
+0.77486652890290 0.19895190973188 1
+0.30901699437495 0.95105651629515 0
+0.96858316112863 -0.24868988716485 0
+-0.70104534403509 -0.38540293928137 1
+-0.05023241562345 -0.79842138274262 1
+-0.42866143598320 0.67546234040161 1
+-0.99211470131448 0.12533323356430 0
+0.53582679497900 0.84432792550202 0
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/classification_report.txt
--- a/test-data/classification_report.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/classification_report.txt Sun Dec 30 01:59:44 2018 -0500
b
@@ -1,9 +1,11 @@
 classification_report : 
-             precision    recall  f1-score   support
+              precision    recall  f1-score   support
 
-          0       1.00      1.00      1.00        14
-          1       1.00      0.62      0.77        16
-          2       0.60      1.00      0.75         9
+           0       1.00      1.00      1.00        14
+           1       1.00      0.62      0.77        16
+           2       0.60      1.00      0.75         9
 
-avg / total       0.91      0.85      0.85        39
+   micro avg       0.85      0.85      0.85        39
+   macro avg       0.87      0.88      0.84        39
+weighted avg       0.91      0.85      0.85        39
 
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/cluster_result12
--- a/test-data/cluster_result12 Thu Oct 11 03:36:25 2018 -0400
+++ /dev/null Thu Jan 01 00:00:00 1970 +0000
b
@@ -1,48 +0,0 @@
-0 44 64 -76 3
-0 51 48 -73 3
-0 58 65 -49 3
-0 43 61 -49 1
-0 45 43 -79 3
-0 42 60 -98 0
-0 50 55 -59 2
-0 53 53 -56 2
-0 45 44 -61 2
-0 43 65 -84 3
-0 35 52 -75 1
-0 56 56 -70 3
-1 -61 86 43 0
-1 -67 93 15 3
-1 -59 94 36 0
-1 -50 92 62 2
-1 -78 91 70 2
-1 -35 87 47 3
-1 -56 91 52 2
-1 -61 81 46 0
-1 -83 78 34 2
-1 -50 87 45 2
-1 -67 73 50 2
-1 -50 97 45 2
-1 -61 111 45 0
-2 -109 23 -92 0
-2 -94 20 -96 0
-2 -85 26 -88 0
-2 -90 33 -114 0
-2 -63 9 -106 2
-2 -79 9 -93 2
-2 -99 26 -108 0
-2 -81 19 -110 0
-2 -108 21 -108 0
-2 -92 27 -106 0
-2 -88 2 -106 0
-2 -88 15 -103 0
-3 54 -74 4 1
-3 42 -92 31 0
-3 39 -99 -7 2
-3 48 -115 -5 2
-3 39 -96 2 2
-3 31 -109 9 1
-3 33 -96 -8 2
-3 23 -102 4 1
-3 38 -90 21 0
-3 34 -107 1 1
-3 35 -78 18 0
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/feature_selection_result12
--- a/test-data/feature_selection_result12 Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/feature_selection_result12 Sun Dec 30 01:59:44 2018 -0500
b
@@ -1,11 +1,11 @@
 0 1
-143.762620712 -1.1796457192799998
--88.5787166225 -2.5710918402200003
--82.8452345578 -0.168636324107
-72.4951388149 0.991068834926
-11.805182128 -0.7096855607860001
--63.9354970901 0.9841122108220001
-126.32584079600001 0.35353444883900004
-23.0341392692 1.03188231893
-67.6714937696 -0.8214378651719999
-47.39275848810001 -0.0942409319417
+143.762620712 -0.330941870584
+-88.5787166225 1.08055532812
+-82.8452345578 0.272541389247
+72.4951388149 -0.26868660527800003
+11.805182128 1.0360467096600001
+-63.9354970901 -0.101485840571
+126.32584079600001 -0.35999834017899995
+23.0341392692 0.5185404651359999
+67.6714937696 -0.115688051547
+47.39275848810001 -0.7850965413680001
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/friedman1.txt
--- a/test-data/friedman1.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/friedman1.txt Sun Dec 30 01:59:44 2018 -0500
b
b'@@ -1,101 +1,101 @@\n 0\t1\t2\t3\t4\t5\t6\t7\t8\t9\t0\n-0.5434049417909654\t0.27836938509379616\t0.4245175907491331\t0.8447761323199037\t0.004718856190972565\t0.12156912078311422\t0.6707490847267786\t0.8258527551050476\t0.13670658968495297\t0.57509332942725\t13.160650397398078\n-0.891321954312264\t0.20920212211718958\t0.18532821955007506\t0.10837689046425514\t0.21969749262499216\t0.9786237847073697\t0.8116831490893233\t0.1719410127325942\t0.8162247487258399\t0.2740737470416992\t9.691298137658498\n-0.4317041836631217\t0.9400298196223746\t0.8176493787767274\t0.3361119501208987\t0.17541045374233666\t0.37283204628992317\t0.005688507352573424\t0.25242635344484043\t0.7956625084732873\t0.01525497124633901\t15.821619961828777\n-0.5988433769284929\t0.6038045390428536\t0.10514768541205632\t0.38194344494311006\t0.03647605659256892\t0.8904115634420757\t0.9809208570123115\t0.05994198881803725\t0.8905459447285041\t0.5769014994000329\t16.18933274618261\n-0.7424796890979773\t0.6301839364753761\t0.5818421923987779\t0.020439132026923157\t0.2100265776728606\t0.5446848781786475\t0.7691151711056516\t0.2506952291383959\t0.2858956904068647\t0.8523950878413064\t11.33767760089345\n-0.9750064936065875\t0.8848532934911055\t0.35950784393690227\t0.5988589458757472\t0.3547956116572998\t0.34019021537064575\t0.17808098950580487\t0.23769420862405044\t0.04486228246077528\t0.5054314296357892\t12.337142824178603\n-0.376252454297363\t0.5928054009758866\t0.6299418755874974\t0.14260031444628352\t0.933841299466419\t0.9463798808091013\t0.6022966577308656\t0.38776628032663074\t0.3631880041093498\t0.20434527686864423\t12.880550712301464\n-0.27676506139633517\t0.24653588120354963\t0.17360800174020508\t0.9666096944873236\t0.9570126003527981\t0.5979736843289207\t0.7313007530599226\t0.3403852228374361\t0.09205560337723862\t0.4634980189371477\t18.709003936604173\n-0.508698893238194\t0.08846017300289077\t0.5280352233180474\t0.9921580365105283\t0.3950359317582296\t0.3355964417185683\t0.8054505373292797\t0.7543489945823536\t0.3130664415885097\t0.6340366829622751\t13.321479131556272\n-0.5404045753007164\t0.2967937508800147\t0.11078790118244575\t0.3126402978757431\t0.4569791300492658\t0.6589400702261969\t0.2542575178177181\t0.6411012587007017\t0.20012360721840317\t0.6576248055289837\t13.269253863108887\n-0.7782892154498485\t0.7795983986107496\t0.6103281532093938\t0.30900034852440217\t0.697734907512956\t0.8596182957290651\t0.6253237577568076\t0.9824078296095496\t0.9765001270158553\t0.16669413119885812\t16.264995170787344\n-0.02317813647840361\t0.16074454850708164\t0.9234968252590874\t0.953549849879534\t0.21097841871844636\t0.3605252508146082\t0.5493752616276721\t0.2718308491769721\t0.46060162107485014\t0.6961615648233853\t14.294427313499119\n-0.500355896674865\t0.7160709905643361\t0.525955936229779\t0.0013990231190438296\t0.3947002866898355\t0.49216696990114994\t0.40288033137914214\t0.3542983001063206\t0.5006143194429532\t0.4451766288311383\t11.026237192296225\n-0.09043278819643585\t0.27356292002744065\t0.9434770977427269\t0.026544641333941965\t0.039998689640650786\t0.28314035971981955\t0.5823441702167689\t0.9908928029248271\t0.9926422374029681\t0.9931173724810448\t5.175296804362765\n-0.11004833096656297\t0.6644814459639401\t0.5239868344883128\t0.17314990980873102\t0.9429602449150257\t0.2418600859762523\t0.998932268843212\t0.5826938151498987\t0.18327900063057578\t0.38684542191779026\t8.73494610704017\n-0.1896735289121496\t0.41077067302531\t0.5946800689017054\t0.7165860931283399\t0.4868914823691235\t0.3095898177667046\t0.5774413728278474\t0.44170781956874294\t0.35967810260053623\t0.3213319320088136\t12.202924702612343\n-0.20820724019602266\t0.45125862406183437\t0.4918429102640539\t0.8990763147937112\t0.7293604610294412\t0.7700897729196955\t0.3754392475619882\t0.34373953523538436\t0.6550352059993224\t0.7110379932104975\t15.547914734580145\n-0.11353757521867625\t0.13302868937357504\t0.45603905760612395\t0.15973623015851013\t0.9616419037746458\t0.8376157448618098\t0.5201606870379233\t0.2182722577281544\t0.13491872253239878\t0.9790703454838688\t6.918543527074358\n-0.7070434956891432\t0.8599755569456631\t0.38717262782863904\t0.2508340198317248\t0.29943801894470223\t0.8568955284050157\t0.472983990'..b'97\t0.94227191496291\t7.35500227276053\n+0.65747075744411\t0.19562874880188\t0.52567876074104\t0.31080910409256\t0.55534839433138\t0.53552980736766\t0.46511292889839\t0.76786459433331\t0.88694697168655\t0.82980936841814\t9.82967962816587\n+0.95884307895640\t0.91106399609686\t0.11967478384416\t0.11446859495951\t0.99696500632827\t0.04000832595811\t0.85956374451868\t0.46550503372369\t0.28899832738919\t0.73326395780051\t12.89083214454110\n+0.47219244963378\t0.36603378202459\t0.07374308587639\t0.82120530233350\t0.48801691478932\t0.75706206486561\t0.37107807260931\t0.26950482476264\t0.73459463542670\t0.84656452629874\t19.45300037464767\n+0.77315971269645\t0.09726311997083\t0.31288480540422\t0.05429737124805\t0.99641786449707\t0.17769873435229\t0.37123100482185\t0.35893259209644\t0.23918094189868\t0.19412444639857\t8.56586545020601\n+0.72215686978947\t0.99634986239999\t0.65788106155873\t0.18964066816522\t0.79605001337872\t0.63314883404405\t0.05997465943644\t0.45123696414114\t0.39815557985267\t0.45748771121895\t14.08990318454368\n+0.17329540858703\t0.55516022466921\t0.67557570281697\t0.82642784063039\t0.75397534640948\t0.03806626488278\t0.79511365190160\t0.65393180708085\t0.60499330235987\t0.00079912648847\t15.62730799178629\n+0.01311478146364\t0.14710484933761\t0.26562391867981\t0.06049450827852\t0.25786563084967\t0.22906133301836\t0.82408377109698\t0.20185448655187\t0.88109232562870\t0.21436450568576\t3.05352492776642\n+0.09124750057287\t0.74580579352311\t0.50434003505263\t0.58620204328337\t0.36415611319488\t0.55325395954112\t0.81284469910627\t0.14007325741439\t0.26762510211970\t0.73954855025783\t9.80487335854274\n+0.27379607811177\t0.59686146440691\t0.33862246805035\t0.07160379461501\t0.49859687569685\t0.71449130961071\t0.99063426277316\t0.30616421419444\t0.43181899369393\t0.54818355986588\t8.64124014879148\n+0.59227891215502\t0.10793438223332\t0.72180302378353\t0.28781493382596\t0.71019549092984\t0.26491733998837\t0.32929177720525\t0.15393928318286\t0.30573627751887\t0.76759356843621\t9.40791896736063\n+0.57384804400007\t0.97171023509445\t0.69184936806689\t0.49136225796250\t0.41895381309770\t0.95287842205705\t0.14422252170336\t0.52121030585434\t0.88914945419428\t0.72431615291271\t17.58115736412586\n+0.65242730280799\t0.57321087719437\t0.18508275660220\t0.61388086886624\t0.07695021292316\t0.66809451701064\t0.23147976471743\t0.22373847184444\t0.07931564343309\t0.52905314066137\t17.73348320503098\n+0.29220722494692\t0.53474433027316\t0.49663946753281\t0.43871374689137\t0.40966714178368\t0.26061101484449\t0.08937483777811\t0.80668663205374\t0.15657531573242\t0.91392614525783\t11.14983699152543\n+0.44666536992173\t0.44940086096851\t0.08179437299051\t0.69649341618554\t0.20657215375014\t0.09570310018075\t0.72201072227904\t0.39365518629943\t0.59111307585184\t0.51276461818493\t17.39215032093714\n+0.02479244084719\t0.76279461390933\t0.26576180603379\t0.97882684017667\t0.94868600684785\t0.72566997348949\t0.72550502055146\t0.05082479081617\t0.59406611432528\t0.71712665638338\t16.22282316439366\n+0.04187295085350\t0.48584833343640\t0.98682425894389\t0.04782633490074\t0.57885197413725\t0.07155939791944\t0.28014174429831\t0.70182182600545\t0.16232193959805\t0.49228648720155\t8.75116795261410\n+0.95454571129748\t0.58935516236524\t0.60662682021074\t0.86798654403851\t0.93654793684458\t0.14416045993162\t0.27700719020078\t0.12532193725529\t0.88472078815751\t0.82673777046447\t23.39743606740882\n+0.99535888109278\t0.81386961579101\t0.11914570059659\t0.93153678351429\t0.00698669273111\t0.53839624945247\t0.78250154219744\t0.88886925172791\t0.30537562757152\t0.64467750393558\t17.86973520845505\n+0.12491934664886\t0.60858430036276\t0.18949843940085\t0.43906581937979\t0.97041260302138\t0.06809275523457\t0.20517286226115\t0.50757194094102\t0.14050011761811\t0.93373835572665\t13.53666671909896\n+0.60654543170675\t0.46153152916887\t0.80150217090955\t0.69870731207645\t0.74455734291899\t0.32516377858166\t0.17845078715926\t0.01435150262556\t0.10704972728076\t0.27305170093104\t20.23185859895480\n+0.61652177543964\t0.94757922376409\t0.90647236884292\t0.96509402821359\t0.33762107364120\t0.65640308766918\t0.29145578099293\t0.15086922353098\t0.03693206346401\t0.59796374251126\t24.29559045754858\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/friedman2.txt
--- a/test-data/friedman2.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/friedman2.txt Sun Dec 30 01:59:44 2018 -0500
b
b'@@ -1,101 +1,101 @@\n 0\t1\t2\t3\t0\n-54.340494179096545\t580.4157780449804\t0.4245175907491331\t9.447761323199037\t252.3175321312284\n-0.47188561909725646\t324.2624476565047\t0.6707490847267786\t9.258527551050477\t217.49891878908315\n-13.670658968495298\t1065.1523751493062\t0.891321954312264\t3.092021221171896\t949.4918123086619\n-18.532821955007506\t302.71124845232475\t0.21969749262499216\t10.786237847073696\t69.0385890614886\n-81.16831490893233\t406.55138981837536\t0.8162247487258399\t3.740737470416992\t341.61946168251893\n-43.17041836631217\t1661.3229093937068\t0.8176493787767274\t4.361119501208987\t1359.065329368987\n-17.541045374233665\t734.7326433201733\t0.005688507352573424\t3.524263534448404\t18.032014110410582\n-79.56625084732873\t150.58465705466725\t0.5988433769284929\t7.038045390428536\t120.2598923821887\n-10.514768541205633\t749.6172809180189\t0.03647605659256892\t9.904115634420757\t29.295002042749065\n-98.09208570123114\t223.58662823399155\t0.8905459447285041\t6.769014994000329\t221.96451266962563\n-74.24796890979773\t1155.1499432690875\t0.5818421923987779\t1.2043913202692316\t676.202880083338\n-21.00265776728606\t1015.4762722834868\t0.7691151711056516\t3.5069522913839593\t781.3002704061951\n-28.58956904068647\t1518.1603420210945\t0.9750064936065875\t9.848532934911056\t1480.4921951648091\n-35.95078439369023\t1103.9765558914746\t0.3547956116572998\t4.401902153706457\t393.33223818275417\n-17.808098950580487\t513.9676635429531\t0.04486228246077528\t6.054314296357893\t29.13372581378542\n-37.625245429736296\t1094.087314354974\t0.6299418755874974\t2.426003144462835\t690.2372882885904\n-93.3841299466419\t1671.6965482922212\t0.6022966577308656\t4.877662803266308\t1011.1784501808802\n-36.31880041093498\t459.48790885887036\t0.27676506139633517\t3.4653588120354963\t132.2541308347294\n-17.360800174020508\t1704.7445419904177\t0.9570126003527981\t6.979736843289207\t1631.554290748974\n-73.13007530599226\t681.726598181031\t0.09205560337723862\t5.634980189371477\t96.36589298307057\n-50.86988932381939\t270.1747375569969\t0.5280352233180474\t10.921580365105282\t151.45967058029146\n-39.50359317582296\t673.903510398035\t0.8054505373292797\t8.543489945823536\t544.2313687666258\n-31.306644158850972\t1161.4438984999683\t0.5404045753007164\t3.967937508800147\t628.4296697532741\n-11.078790118244575\t636.4017069153224\t0.4569791300492658\t7.589400702261969\t291.03303662060034\n-25.42575178177181\t1172.9847885050644\t0.20012360721840317\t7.576248055289837\t236.1147978147717\n-77.82892154498485\t1399.2376190930588\t0.6103281532093938\t4.090003485244022\t857.5330814879569\n-69.7734907512956\t1529.9603779755726\t0.6253237577568076\t10.824078296095497\t959.2614236165756\n-97.65001270158552\t397.9799362884419\t0.02317813647840361\t2.6074454850708166\t98.08464391759719\n-92.34968252590873\t1683.4096118144525\t0.21097841871844636\t4.605252508146082\t366.97302133435386\n-54.93752616276721\t569.734241516186\t0.46060162107485014\t7.961615648233853\t268.10919955478056\n-50.035589667486505\t1295.4574551145477\t0.525955936229779\t1.0139902311904383\t683.18750535065\n-39.470028668983545\t929.6815373737124\t0.40288033137914214\t4.542983001063206\t376.6240995010018\n-50.06143194429532\t852.9167920201943\t0.09043278819643585\t3.7356292002744063\t91.95318916050276\n-94.34770977427269\t169.0277802511735\t0.039998689640650786\t3.8314035971981957\t94.5895295076982\n-58.23441702167689\t1744.4141122286821\t0.9926422374029681\t10.931173724810447\t1732.5580336252374\n-11.004833096656297\t1211.179321268851\t0.5239868344883128\t2.73149909808731\t634.7371222778227\n-94.29602449150258\t520.7731581793785\t0.998932268843212\t6.826938151498987\t528.693948971785\n-18.327900063057577\t757.625288640914\t0.1896735289121496\t5.1077067302531\t144.86527485195924\n-59.46800689017054\t1296.2989411786257\t0.4868914823691235\t4.095898177667046\t633.9520920433132\n-57.744137282784735\t847.2500474585627\t0.35967810260053623\t4.213319320088136\t310.15968510981907\n-20.820724019602267\t862.8525108188742\t0.4918429102640539\t9.990763147937113\t424.8982058212394\n-72.93604610294412\t1383.7040602123484\t0.3754392475619882\t4.437395352353843\t524.5916835666012\n-65.50352059993224\t1287.2354088081224\t0.'..b'5.36613567278891\t0.68462427169271\t5.88293166805099\t1156.58767097944997\n+48.54143101843673\t1704.88050248556237\t0.21134788749712\t5.11648138177833\t363.57774253644357\n+98.96655767792834\t172.07811591269444\t0.70132651409352\t1.25171563884812\t156.06931868323713\n+32.08817260865362\t245.77958638999525\t0.06088456434664\t2.11406316704053\t35.40508437542623\n+16.92689081454309\t1151.06970045219464\t0.43839309463984\t9.30903764603975\t504.90473090436518\n+23.97921895644722\t436.13916546124790\t0.71189965858292\t9.58294925326778\t311.41167624355961\n+55.90558855960195\t1276.42473559746963\t0.60511203551818\t6.59217283268040\t774.40045791345551\n+86.03941909075867\t1628.20197943455605\t0.84960732575898\t3.54466535494455\t1386.00528001290149\n+87.75555422867708\t836.50464658900239\t0.72949434396451\t5.12640767538794\t616.50288055791896\n+19.08360458112225\t1279.03708947993277\t0.24063282092985\t9.51324426832995\t308.36928692774461\n+82.41022892585868\t983.66448115430603\t0.38634079430617\t6.90880790734925\t388.86234039746984\n+13.75236149078257\t1446.07702142766880\t0.96582581524448\t8.79795804232935\t1396.72614500682334\n+23.93350820958198\t1542.44475628035298\t0.80811501289370\t1.63681124220468\t1246.70212041837362\n+23.12283040488030\t1088.99047240300797\t0.13748694797777\t7.78440704371486\t151.49686527332432\n+99.21906895152472\t592.47620099114886\t0.76091275955885\t1.46527167666139\t461.61075902543962\n+33.25359065222067\t1668.71176293712756\t0.63651704125478\t7.01848606131893\t1062.68380316914022\n+92.81846814636464\t422.46031132251642\t0.01782318402652\t2.90072176134172\t93.12330768632674\n+52.18717978245897\t935.65247451329367\t0.80049120556915\t9.59436311444911\t750.79740145181643\n+21.29560322403450\t839.99840771015579\t0.42161750906259\t1.54717377081942\t354.79694525077520\n+0.99336936709830\t1415.84717539845406\t0.27531321879490\t8.17740004543336\t389.80262255819741\n+42.13559217565558\t359.82122610463938\t0.19252168025198\t4.13815233317635\t81.08093014555008\n+80.51701673672972\t146.28961840978741\t0.04910597269756\t6.66000384985094\t80.83675338792878\n+68.68106961543961\t1313.00248207047480\t0.47969376130168\t4.67656721778529\t633.57254918876924\n+83.99700992017513\t867.59808369591872\t0.32136583878220\t1.92719867171042\t291.19364899071132\n+6.04379321355856\t274.24409587470802\t0.68270645642831\t7.80735767230638\t187.32527058550369\n+24.31741658874254\t1171.93956616774358\t0.06913918311155\t9.72919961746265\t84.59721173364210\n+10.96069498325127\t401.83796801162464\t0.46737799144535\t8.75949219403373\t188.12950260375516\n+85.44445157050565\t469.35693097718968\t0.07664186926890\t8.88914797103218\t92.70787499286608\n+54.75000011493021\t1410.11180659606998\t0.92004704285871\t5.80972765927881\t1298.52380843775677\n+45.95536700101840\t1104.17293369002959\t0.59931878072428\t6.04373451233758\t663.34519384806902\n+30.68785297434506\t1010.03319009672180\t0.92492694340279\t10.70550802030219\t934.71071704336362\n+39.57946098969964\t1430.51649192529544\t0.63508814775093\t3.29969165249033\t909.36559893052390\n+5.12070928629372\t172.16298201137550\t0.12284775190377\t3.20212517833639\t21.75914684133634\n+82.90227537008228\t592.05120099602254\t0.78106408263109\t6.04665812596679\t469.80205128257876\n+13.84489237765847\t1396.68614300270474\t0.92133179352084\t10.43018632036191\t1286.88575739979092\n+70.44357972639433\t1259.26516594596546\t0.54655181336750\t4.69217229737883\t691.84909149860289\n+98.24675747269930\t232.84478566118992\t0.89767831074227\t3.63930989094871\t230.95708002350815\n+57.44758420233384\t963.49649420466915\t0.55447680807193\t7.47167331828399\t537.31617549230930\n+18.54741590544805\t569.97496501234991\t0.14843865774278\t1.30304170594405\t86.61413266611218\n+93.92555841521393\t692.13102468460193\t0.10956460430561\t4.78326995661470\t120.71709895964038\n+38.40794590414141\t1212.71859427964318\t0.24449092930616\t7.61480973773685\t298.97589013891826\n+9.84928837918622\t1074.57745936695619\t0.10686550466855\t6.48254507463987\t115.25672659315927\n+51.97517077112073\t609.60010892704452\t0.45572905099810\t1.38666520129567\t282.63144665101163\n+59.90030248885009\t126.45889013919340\t0.50181359368553\t6.01726121691614\t87.26338001352038\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/friedman3.txt
--- a/test-data/friedman3.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/friedman3.txt Sun Dec 30 01:59:44 2018 -0500
b
b'@@ -1,101 +1,101 @@\n 0\t1\t2\t3\t0\n-54.340494179096545\t580.4157780449804\t0.4245175907491331\t9.447761323199037\t1.3537302182704163\n-0.47188561909725646\t324.2624476565047\t0.6707490847267786\t9.258527551050477\t1.5686267252541977\n-13.670658968495298\t1065.1523751493062\t0.891321954312264\t3.092021221171896\t1.5563979600543916\n-18.532821955007506\t302.71124845232475\t0.21969749262499216\t10.786237847073696\t1.2990215504772198\n-81.16831490893233\t406.55138981837536\t0.8162247487258399\t3.740737470416992\t1.330903394043473\n-43.17041836631217\t1661.3229093937068\t0.8176493787767274\t4.361119501208987\t1.5390261973034576\n-17.541045374233665\t734.7326433201733\t0.005688507352573424\t3.524263534448404\t0.23388919220067908\n-79.56625084732873\t150.58465705466725\t0.5988433769284929\t7.038045390428536\t0.8478202561730687\n-10.514768541205633\t749.6172809180189\t0.03647605659256892\t9.904115634420757\t1.2036782417865977\n-98.09208570123114\t223.58662823399155\t0.8905459447285041\t6.769014994000329\t1.113050765386626\n-74.24796890979773\t1155.1499432690875\t0.5818421923987779\t1.2043913202692316\t1.4607731674987232\n-21.00265776728606\t1015.4762722834868\t0.7691151711056516\t3.5069522913839593\t1.5439114159725646\n-28.58956904068647\t1518.1603420210945\t0.9750064936065875\t9.848532934911056\t1.5514842721164925\n-35.95078439369023\t1103.9765558914746\t0.3547956116572998\t4.401902153706457\t1.4792680312252677\n-17.808098950580487\t513.9676635429531\t0.04486228246077528\t6.054314296357893\t0.9131525635743539\n-37.625245429736296\t1094.087314354974\t0.6299418755874974\t2.426003144462835\t1.5162586999022116\n-93.3841299466419\t1671.6965482922212\t0.6022966577308656\t4.877662803266308\t1.478312764448359\n-36.31880041093498\t459.48790885887036\t0.27676506139633517\t3.4653588120354963\t1.292608359663051\n-17.360800174020508\t1704.7445419904177\t0.9570126003527981\t6.979736843289207\t1.5601554747573891\n-73.13007530599226\t681.726598181031\t0.09205560337723862\t5.634980189371477\t0.7092059328226685\n-50.86988932381939\t270.1747375569969\t0.5280352233180474\t10.921580365105282\t1.228273691878848\n-39.50359317582296\t673.903510398035\t0.8054505373292797\t8.543489945823536\t1.4981464081771367\n-31.306644158850972\t1161.4438984999683\t0.5404045753007164\t3.967937508800147\t1.520958438151283\n-11.078790118244575\t636.4017069153224\t0.4569791300492658\t7.589400702261969\t1.532720004888662\n-25.42575178177181\t1172.9847885050644\t0.20012360721840317\t7.576248055289837\t1.4629032640882886\n-77.82892154498485\t1399.2376190930588\t0.6103281532093938\t4.090003485244022\t1.4799121730128941\n-69.7734907512956\t1529.9603779755726\t0.6253237577568076\t10.824078296095497\t1.4979953570128628\n-97.65001270158552\t397.9799362884419\t0.02317813647840361\t2.6074454850708166\t0.09417496029834331\n-92.34968252590873\t1683.4096118144525\t0.21097841871844636\t4.605252508146082\t1.316408987919193\n-54.93752616276721\t569.734241516186\t0.46060162107485014\t7.961615648233853\t1.3644273530320843\n-50.035589667486505\t1295.4574551145477\t0.525955936229779\t1.0139902311904383\t1.4974922509449833\n-39.470028668983545\t929.6815373737124\t0.40288033137914214\t4.542983001063206\t1.465804007778235\n-50.06143194429532\t852.9167920201943\t0.09043278819643585\t3.7356292002744063\t0.9950952334037717\n-94.34770977427269\t169.0277802511735\t0.039998689640650786\t3.8314035971981957\t0.07152072382161595\n-58.23441702167689\t1744.4141122286821\t0.9926422374029681\t10.931173724810447\t1.537178181507009\n-11.004833096656297\t1211.179321268851\t0.5239868344883128\t2.73149909808731\t1.553457834819853\n-94.29602449150258\t520.7731581793785\t0.998932268843212\t6.826938151498987\t1.3914803680125012\n-18.327900063057577\t757.625288640914\t0.1896735289121496\t5.1077067302531\t1.4439394940411856\n-59.46800689017054\t1296.2989411786257\t0.4868914823691235\t4.095898177667046\t1.4768530008487357\n-57.744137282784735\t847.2500474585627\t0.35967810260053623\t4.213319320088136\t1.3835281729272806\n-20.820724019602267\t862.8525108188742\t0.4918429102640539\t9.990763147937113\t1.5217750198560809\n-72.93604610294412\t1383.7040602123484\t0.3754392475619882\t4.437395352353843\t1.4313105187399757\n-65.50352059993'..b'859781106711\t0.08226452393202\t7.35636709825399\t1.26428010560184\n+79.64052251862078\t1685.36613567278891\t0.68462427169271\t5.88293166805099\t1.50188361535352\n+48.54143101843673\t1704.88050248556237\t0.21134788749712\t5.11648138177833\t1.43688601455846\n+98.96655767792834\t172.07811591269444\t0.70132651409352\t1.25171563884812\t0.88392739834518\n+32.08817260865362\t245.77958638999525\t0.06088456434664\t2.11406316704053\t0.43631433888508\n+16.92689081454309\t1151.06970045219464\t0.43839309463984\t9.30903764603975\t1.53726512352234\n+23.97921895644722\t436.13916546124790\t0.71189965858292\t9.58294925326778\t1.49371835981379\n+55.90558855960195\t1276.42473559746963\t0.60511203551818\t6.59217283268040\t1.49854138074293\n+86.03941909075867\t1628.20197943455605\t0.84960732575898\t3.54466535494455\t1.50867912100600\n+87.75555422867708\t836.50464658900239\t0.72949434396451\t5.12640767538794\t1.42796708729724\n+19.08360458112225\t1279.03708947993277\t0.24063282092985\t9.51324426832995\t1.50887120141284\n+82.41022892585868\t983.66448115430603\t0.38634079430617\t6.90880790734925\t1.35725052598321\n+13.75236149078257\t1446.07702142766880\t0.96582581524448\t8.79795804232935\t1.56095002746356\n+23.93350820958198\t1542.44475628035298\t0.80811501289370\t1.63681124220468\t1.55159769213597\n+23.12283040488030\t1088.99047240300797\t0.13748694797777\t7.78440704371486\t1.41756832683904\n+99.21906895152472\t592.47620099114886\t0.76091275955885\t1.46527167666139\t1.35416492977877\n+33.25359065222067\t1668.71176293712756\t0.63651704125478\t7.01848606131893\t1.53949913387512\n+92.81846814636464\t422.46031132251642\t0.01782318402652\t2.90072176134172\t0.08093567500779\n+52.18717978245897\t935.65247451329367\t0.80049120556915\t9.59436311444911\t1.50123122833668\n+21.29560322403450\t839.99840771015579\t0.42161750906259\t1.54717377081942\t1.51073828234348\n+0.99336936709830\t1415.84717539845406\t0.27531321879490\t8.17740004543336\t1.56824793336494\n+42.13559217565558\t359.82122610463938\t0.19252168025198\t4.13815233317635\t1.02432784389074\n+80.51701673672972\t146.28961840978741\t0.04910597269756\t6.66000384985094\t0.08897131915549\n+68.68106961543961\t1313.00248207047480\t0.47969376130168\t4.67656721778529\t1.46218003661270\n+83.99700992017513\t867.59808369591872\t0.32136583878220\t1.92719867171042\t1.27818079494083\n+6.04379321355856\t274.24409587470802\t0.68270645642831\t7.80735767230638\t1.53852709677779\n+24.31741658874254\t1171.93956616774358\t0.06913918311155\t9.72919961746265\t1.27923356083904\n+10.96069498325127\t401.83796801162464\t0.46737799144535\t8.75949219403373\t1.51250187991915\n+85.44445157050565\t469.35693097718968\t0.07664186926890\t8.88914797103218\t0.39847812418013\n+54.75000011493021\t1410.11180659606998\t0.92004704285871\t5.80972765927881\t1.52862056179624\n+45.95536700101840\t1104.17293369002959\t0.59931878072428\t6.04373451233758\t1.50146258128116\n+30.68785297434506\t1010.03319009672180\t0.92492694340279\t10.70550802030219\t1.53795903482368\n+39.57946098969964\t1430.51649192529544\t0.63508814775093\t3.29969165249033\t1.52725831744223\n+5.12070928629372\t172.16298201137550\t0.12284775190377\t3.20212517833639\t1.33323212481198\n+82.90227537008228\t592.05120099602254\t0.78106408263109\t6.04665812596679\t1.39340530523187\n+13.84489237765847\t1396.68614300270474\t0.92133179352084\t10.43018632036191\t1.56003767212055\n+70.44357972639433\t1259.26516594596546\t0.54655181336750\t4.69217229737883\t1.46880028650007\n+98.24675747269930\t232.84478566118992\t0.89767831074227\t3.63930989094871\t1.13140390826337\n+57.44758420233384\t963.49649420466915\t0.55447680807193\t7.47167331828399\t1.46367578814173\n+18.54741590544805\t569.97496501234991\t0.14843865774278\t1.30304170594405\t1.35498659455596\n+93.92555841521393\t692.13102468460193\t0.10956460430561\t4.78326995661470\t0.67921924302924\n+38.40794590414141\t1212.71859427964318\t0.24449092930616\t7.61480973773685\t1.44197530054534\n+9.84928837918622\t1074.57745936695619\t0.10686550466855\t6.48254507463987\t1.48523676081889\n+51.97517077112073\t609.60010892704452\t0.45572905099810\t1.38666520129567\t1.38584637577290\n+59.90030248885009\t126.45889013919340\t0.50181359368553\t6.01726121691614\t0.81422640615706\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/gaus.txt
--- a/test-data/gaus.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/gaus.txt Sun Dec 30 01:59:44 2018 -0500
b
b'@@ -1,101 +1,101 @@\n 0\t1\t0\n-1.1705269829481435\t2.0777122322502035\t1\n-2.0346075615049335\t-0.5507144119145928\t1\n--0.07602346572462335\t0.003957593987599105\t0\n--0.18949583082317534\t0.25500144427338167\t0\n-1.299748074755309\t-1.733095623653281\t1\n-1.943262263433996\t-1.4474361123195851\t1\n-1.1896222680291255\t-1.690616826383604\t1\n--0.5788258247909884\t-1.1994511991939312\t1\n-0.7310003438348087\t1.361556125145331\t1\n--0.5144298913687853\t-0.21606012000326133\t0\n-0.1088634678336795\t0.50780959049232\t0\n--0.12620118371357705\t1.9902736497540905\t1\n--0.7044181997350232\t-0.591375121085172\t0\n--1.5075851602643862\t0.10788413080661359\t1\n--0.4580269855026243\t0.43516348812289213\t0\n-1.0936866496587212\t-0.2295177532399562\t0\n--0.9400461615447682\t-0.8279323643658708\t1\n-0.46629936835718944\t0.26998723863108903\t0\n--0.32623805920230253\t0.055676014854776905\t0\n-0.6901214702247076\t0.6868900661384048\t0\n-1.5861709384232352\t0.6933906585165882\t1\n-0.672720805709661\t-0.10441114339062771\t0\n--0.5999830448488669\t1.5761667243192063\t1\n-2.0747931679465657\t-0.34329768218246975\t1\n--0.5444391616724643\t-0.6681717368134277\t0\n-0.5229978045207515\t-0.016345402757487165\t0\n--2.9733154740508856\t0.03331727813886288\t1\n--0.008898663292110321\t-0.5431980084071721\t0\n--1.2963918071501508\t0.095139443565453\t1\n--1.4977203810831696\t-1.193885976791938\t1\n--0.251879139213213\t-0.8424357382512976\t0\n--0.07961124591739943\t-0.8897314812650339\t0\n-0.8945977057600133\t0.7596931198502055\t0\n--0.23871286931467955\t-1.429066898448291\t1\n-0.22117966922140045\t-1.0700433305682933\t0\n--0.3198310471180883\t-1.1477415998765863\t0\n--0.42371509994342044\t-1.185983564929173\t1\n-0.9813207869512316\t0.5142188413943821\t0\n-0.7504447615341785\t-0.4559469274680022\t0\n-1.2962625863990573\t0.9522756260818906\t1\n--1.7497654730546974\t0.34268040332750216\t1\n-0.7369951690182122\t0.4358672525149101\t0\n-0.6130388816875463\t0.7362052133238238\t0\n--1.415042920852526\t-0.6407599230105716\t1\n-0.22239080944544862\t-0.6849217352472302\t0\n-1.6189816606752596\t1.5416051745134067\t1\n-1.8765734269621657\t-0.37690335016897475\t1\n-0.007314563228903049\t-0.6129387354781626\t0\n-0.7470556550991475\t0.4296764358626096\t0\n-0.10887198989791452\t0.028283634823073247\t0\n--0.43813562270441736\t-1.1183182462554362\t0\n-0.30104946378806546\t-1.6848999616851803\t1\n--1.3969993449532836\t-1.0971719846398227\t1\n--0.24888866705810792\t-0.45017643501165083\t0\n--1.635529399380822\t-1.044209877709317\t1\n--0.17478155445149818\t1.0172643432511694\t0\n--0.5835950503226648\t0.816847071685779\t0\n--1.9580812342078666\t-0.13480131198999493\t1\n-0.4223802204219781\t-1.094042931032235\t0\n--0.98331009912963\t0.3575077531673654\t0\n--1.566687529578391\t0.9049741214666812\t1\n-0.9490047765052598\t-0.019397585962465276\t0\n--0.5312803768519098\t1.0297326851333461\t0\n-0.7530621876919789\t-1.6094388961729544\t1\n-0.13024845535270219\t0.9493608646609868\t0\n--0.3317771350528086\t-0.6892179780897532\t0\n-1.703623988120705\t-0.7221507700557533\t1\n--1.841188300186717\t0.36609322616730366\t1\n--0.365461992676627\t-1.271023040846661\t1\n--0.8817983894830175\t0.01863894948806016\t0\n--1.7059520057381703\t0.3691639571070058\t1\n--0.8622273465104797\t1.249469742726979\t1\n--1.1880175973177194\t-0.5497461935354897\t1\n--1.7046512057609624\t-1.1362610068273629\t1\n--0.18501411089711395\t-2.4871515352227695\t1\n--0.45592201921402026\t0.6491729272546821\t0\n-0.22239960855530486\t-1.4432169952253369\t1\n-0.7504533303268411\t-1.3069923390808191\t1\n-0.13242780114877378\t0.022213928039390988\t0\n-1.8319360818255361\t0.003017434031214063\t1\n--0.41581633584065\t-1.3585029367597998\t1\n--1.3563990488613127\t-1.2324345139149262\t1\n--1.5406160245526137\t2.0467139684821385\t1\n--1.2172541306410147\t-0.15726516737513793\t0\n-1.0269214393997905\t-1.4321906110589266\t1\n-1.153035802563644\t-0.25243603652138985\t0\n-0.5805733357942744\t-1.1045230926622938\t1\n-1.7759935855067666\t0.5130743788396454\t1\n--0.7563523055944354\t0.8164540110192858\t0\n-1.2369078851902253\t-0.23028467842710793\t1\n-0.31736797594106797\t-0.7524141777250374\t0\n-0.18451869056394285\t0.9370822011089522\t0\n--0.6166293716831945\t0.7631836460599923\t0\n-0.7796263036636958\t-0.438120916'..b'-0.16520955264073184\t1\n-0.19291719182330652\t-0.3484589306523706\t0\n--1.6135785028221759\t1.4707138666121289\t1\n--2.0151887171225265\t-0.07954058693411101\t1\n-0.7788223993230673\t0.4282328705967407\t0\n+1.17052698294814\t2.07771223225020\t1\n+2.03460756150493\t-0.55071441191459\t1\n+-0.07602346572462\t0.00395759398760\t0\n+-0.18949583082318\t0.25500144427338\t0\n+1.29974807475531\t-1.73309562365328\t1\n+1.94326226343400\t-1.44743611231959\t1\n+1.18962226802913\t-1.69061682638360\t1\n+-0.57882582479099\t-1.19945119919393\t1\n+0.73100034383481\t1.36155612514533\t1\n+-0.51442989136879\t-0.21606012000326\t0\n+0.10886346783368\t0.50780959049232\t0\n+-0.12620118371358\t1.99027364975409\t1\n+-0.70441819973502\t-0.59137512108517\t0\n+-1.50758516026439\t0.10788413080661\t1\n+-0.45802698550262\t0.43516348812289\t0\n+1.09368664965872\t-0.22951775323996\t0\n+-0.94004616154477\t-0.82793236436587\t1\n+0.46629936835719\t0.26998723863109\t0\n+-0.32623805920230\t0.05567601485478\t0\n+0.69012147022471\t0.68689006613840\t0\n+1.58617093842324\t0.69339065851659\t1\n+0.67272080570966\t-0.10441114339063\t0\n+-0.59998304484887\t1.57616672431921\t1\n+2.07479316794657\t-0.34329768218247\t1\n+-0.54443916167246\t-0.66817173681343\t0\n+0.52299780452075\t-0.01634540275749\t0\n+-2.97331547405089\t0.03331727813886\t1\n+-0.00889866329211\t-0.54319800840717\t0\n+-1.29639180715015\t0.09513944356545\t1\n+-1.49772038108317\t-1.19388597679194\t1\n+-0.25187913921321\t-0.84243573825130\t0\n+-0.07961124591740\t-0.88973148126503\t0\n+0.89459770576001\t0.75969311985021\t0\n+-0.23871286931468\t-1.42906689844829\t1\n+0.22117966922140\t-1.07004333056829\t0\n+-0.31983104711809\t-1.14774159987659\t0\n+-0.42371509994342\t-1.18598356492917\t1\n+0.98132078695123\t0.51421884139438\t0\n+0.75044476153418\t-0.45594692746800\t0\n+1.29626258639906\t0.95227562608189\t1\n+-1.74976547305470\t0.34268040332750\t1\n+0.73699516901821\t0.43586725251491\t0\n+0.61303888168755\t0.73620521332382\t0\n+-1.41504292085253\t-0.64075992301057\t1\n+0.22239080944545\t-0.68492173524723\t0\n+1.61898166067526\t1.54160517451341\t1\n+1.87657342696217\t-0.37690335016897\t1\n+0.00731456322890\t-0.61293873547816\t0\n+0.74705565509915\t0.42967643586261\t0\n+0.10887198989791\t0.02828363482307\t0\n+-0.43813562270442\t-1.11831824625544\t0\n+0.30104946378807\t-1.68489996168518\t1\n+-1.39699934495328\t-1.09717198463982\t1\n+-0.24888866705811\t-0.45017643501165\t0\n+-1.63552939938082\t-1.04420987770932\t1\n+-0.17478155445150\t1.01726434325117\t0\n+-0.58359505032266\t0.81684707168578\t0\n+-1.95808123420787\t-0.13480131198999\t1\n+0.42238022042198\t-1.09404293103224\t0\n+-0.98331009912963\t0.35750775316737\t0\n+-1.56668752957839\t0.90497412146668\t1\n+0.94900477650526\t-0.01939758596247\t0\n+-0.53128037685191\t1.02973268513335\t0\n+0.75306218769198\t-1.60943889617295\t1\n+0.13024845535270\t0.94936086466099\t0\n+-0.33177713505281\t-0.68921797808975\t0\n+1.70362398812070\t-0.72215077005575\t1\n+-1.84118830018672\t0.36609322616730\t1\n+-0.36546199267663\t-1.27102304084666\t1\n+-0.88179838948302\t0.01863894948806\t0\n+-1.70595200573817\t0.36916395710701\t1\n+-0.86222734651048\t1.24946974272698\t1\n+-1.18801759731772\t-0.54974619353549\t1\n+-1.70465120576096\t-1.13626100682736\t1\n+-0.18501411089711\t-2.48715153522277\t1\n+-0.45592201921402\t0.64917292725468\t0\n+0.22239960855530\t-1.44321699522534\t1\n+0.75045333032684\t-1.30699233908082\t1\n+0.13242780114877\t0.02221392803939\t0\n+1.83193608182554\t0.00301743403121\t1\n+-0.41581633584065\t-1.35850293675980\t1\n+-1.35639904886131\t-1.23243451391493\t1\n+-1.54061602455261\t2.04671396848214\t1\n+-1.21725413064101\t-0.15726516737514\t0\n+1.02692143939979\t-1.43219061105893\t1\n+1.15303580256364\t-0.25243603652139\t0\n+0.58057333579427\t-1.10452309266229\t1\n+1.77599358550677\t0.51307437883965\t1\n+-0.75635230559444\t0.81645401101929\t0\n+1.23690788519023\t-0.23028467842711\t1\n+0.31736797594107\t-0.75241417772504\t0\n+0.18451869056394\t0.93708220110895\t0\n+-0.61662937168319\t0.76318364605999\t0\n+0.77962630366370\t-0.43812091634884\t0\n+0.23784462192362\t0.01354854862861\t0\n+2.29865394071368\t-0.16520955264073\t1\n+0.19291719182331\t-0.34845893065237\t0\n+-1.61357850282218\t1.47071386661213\t1\n+-2.01518871712253\t-0.07954058693411\t1\n+0.77882239932307\t0.42823287059674\t0\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/gbc_model01
b
Binary file test-data/gbc_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/gbc_result01
--- a/test-data/gbc_result01 Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/gbc_result01 Sun Dec 30 01:59:44 2018 -0500
b
@@ -1,6 +1,6 @@
 0 1 2 3 predicted
-3.68258022948 2.82110345641 -3.990140724 -1.9523364774 1
-0.015942057224 -0.711958594347 0.125502976978 -0.972218263337 0
-2.08690768825 0.929399321468 -2.12924084484 -1.99714022188 1
-1.41321052084 0.523750660422 -1.4210539291 -1.49298569451 1
-0.76831404394 1.38267855169 -0.989045048734 0.649504257894 1
+3.68258022948 2.82110345641 -3.9901407239999998 -1.9523364774 1
+0.015942057224 -0.7119585943469999 0.125502976978 -0.972218263337 0
+2.0869076882499997 0.929399321468 -2.1292408448400004 -1.9971402218799998 1
+1.4132105208399999 0.523750660422 -1.4210539291 -1.49298569451 1
+0.7683140439399999 1.38267855169 -0.989045048734 0.649504257894 1
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/gbr_model01
b
Binary file test-data/gbr_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/gbr_prediction_result01.tabular
--- a/test-data/gbr_prediction_result01.tabular Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/gbr_prediction_result01.tabular Sun Dec 30 01:59:44 2018 -0500
b
b'@@ -1,88 +1,88 @@\n-year\tmonth\tday\ttemp_2\ttemp_1\taverage\tforecast_noaa\tforecast_acc\tforecast_under\tfriend\tweek_Fri\tweek_Mon\tweek_Sat\tweek_Sun\tweek_Thurs\tweek_Tues\tweek_Wed\t0\n-2016\t9\t29\t69\t68\t66.1\t63\t71\t68\t57\t0\t0\t0\t0\t1\t0\t0\t69.8047715468\n-2016\t4\t27\t59\t60\t60.7\t59\t65\t60\t50\t0\t0\t0\t0\t0\t0\t1\t62.3940847433\n-2016\t11\t28\t53\t48\t48.0\t46\t48\t49\t44\t0\t1\t0\t0\t0\t0\t0\t51.1656331745\n-2016\t10\t12\t60\t62\t61.0\t60\t63\t63\t52\t0\t0\t0\t0\t0\t0\t1\t60.7602326565\n-2016\t6\t19\t67\t65\t70.4\t69\t73\t70\t58\t0\t0\t0\t1\t0\t0\t0\t66.2416657667\n-2016\t5\t7\t68\t77\t63.0\t61\t65\t63\t83\t0\t0\t1\t0\t0\t0\t0\t71.7162060939\n-2016\t7\t25\t75\t80\t77.1\t75\t82\t76\t81\t0\t1\t0\t0\t0\t0\t0\t78.6168727393\n-2016\t8\t15\t90\t83\t76.6\t76\t79\t75\t70\t0\t1\t0\t0\t0\t0\t0\t77.9015583717\n-2016\t10\t28\t58\t60\t55.6\t52\t56\t55\t52\t1\t0\t0\t0\t0\t0\t0\t61.4191796096\n-2016\t6\t5\t80\t81\t68.0\t64\t70\t66\t54\t0\t0\t0\t1\t0\t0\t0\t74.4136969328\n-2016\t3\t19\t58\t63\t54.2\t54\t59\t54\t62\t0\t0\t1\t0\t0\t0\t0\t60.9589968112\n-2016\t6\t7\t92\t86\t68.3\t67\t69\t70\t58\t0\t0\t0\t0\t0\t1\t0\t75.5031094008\n-2016\t12\t10\t41\t36\t45.9\t44\t48\t44\t65\t0\t0\t1\t0\t0\t0\t0\t38.5555100028\n-2016\t4\t23\t73\t64\t59.9\t56\t63\t59\t57\t0\t0\t1\t0\t0\t0\t0\t64.0035135524\n-2016\t6\t24\t75\t68\t71.5\t67\t73\t73\t65\t1\t0\t0\t0\t0\t0\t0\t74.5305649268\n-2016\t2\t9\t51\t57\t49.4\t45\t52\t49\t57\t0\t0\t0\t0\t0\t1\t0\t57.0110982119\n-2016\t11\t10\t71\t65\t52.2\t52\t54\t51\t38\t0\t0\t0\t0\t1\t0\t0\t61.876179905\n-2016\t3\t21\t61\t55\t54.5\t52\t56\t55\t52\t0\t1\t0\t0\t0\t0\t0\t56.0732986026\n-2016\t2\t28\t60\t57\t51.3\t48\t56\t53\t66\t0\t0\t0\t1\t0\t0\t0\t56.9672058242\n-2016\t6\t28\t78\t85\t72.4\t72\t76\t74\t67\t0\t0\t0\t0\t0\t1\t0\t78.4438620045\n-2016\t10\t6\t63\t66\t63.3\t62\t67\t63\t55\t0\t0\t0\t0\t1\t0\t0\t63.9639842609\n-2016\t2\t17\t55\t56\t50.0\t45\t51\t49\t46\t0\t0\t0\t0\t0\t0\t1\t54.149464399\n-2016\t6\t15\t66\t60\t69.7\t65\t73\t71\t69\t0\t0\t0\t0\t0\t0\t1\t66.1043951877\n-2016\t10\t15\t60\t60\t59.9\t59\t62\t59\t46\t0\t0\t1\t0\t0\t0\t0\t61.6791270097\n-2016\t3\t26\t54\t57\t55.2\t53\t57\t55\t54\t0\t0\t1\t0\t0\t0\t0\t60.2367595132\n-2016\t1\t26\t51\t54\t48.3\t44\t53\t50\t61\t0\t0\t0\t0\t0\t1\t0\t52.9547372573\n-2016\t5\t23\t59\t66\t66.1\t63\t68\t68\t66\t0\t1\t0\t0\t0\t0\t0\t64.6813560623\n-2016\t1\t10\t48\t50\t46.5\t45\t48\t48\t49\t0\t0\t0\t1\t0\t0\t0\t45.1415524342\n-2016\t5\t22\t66\t59\t65.9\t62\t66\t65\t80\t0\t0\t0\t1\t0\t0\t0\t59.8874932366\n-2016\t7\t15\t75\t77\t76.0\t74\t80\t78\t75\t1\t0\t0\t0\t0\t0\t0\t82.9044308458\n-2016\t4\t22\t81\t73\t59.7\t59\t64\t60\t59\t1\t0\t0\t0\t0\t0\t0\t74.8537745899\n-2016\t4\t29\t61\t64\t61.2\t61\t65\t61\t49\t1\t0\t0\t0\t0\t0\t0\t65.3872817114\n-2016\t1\t23\t52\t57\t48.0\t45\t49\t50\t37\t0\t0\t1\t0\t0\t0\t0\t51.8565179701\n-2016\t8\t16\t83\t84\t76.5\t72\t78\t78\t90\t0\t0\t0\t0\t0\t1\t0\t83.6982049493\n-2016\t8\t1\t76\t73\t77.4\t76\t78\t79\t65\t0\t1\t0\t0\t0\t0\t0\t72.4140203449\n-2016\t2\t27\t61\t60\t51.2\t51\t53\t53\t61\t0\t0\t1\t0\t0\t0\t0\t60.839700499\n-2016\t2\t12\t56\t55\t49.6\t49\t52\t48\t33\t1\t0\t0\t0\t0\t0\t0\t54.9702164699\n-2016\t1\t31\t52\t48\t48.7\t47\t52\t49\t61\t0\t0\t0\t1\t0\t0\t0\t49.8435633428\n-2016\t9\t5\t67\t68\t73.5\t71\t75\t73\t54\t0\t1\t0\t0\t0\t0\t0\t69.325684558\n-2016\t12\t20\t39\t46\t45.1\t45\t49\t45\t62\t0\t0\t0\t0\t0\t1\t0\t43.4575487159\n-2016\t5\t1\t61\t68\t61.6\t60\t65\t60\t75\t0\t0\t0\t1\t0\t0\t0\t65.0535826144\n-2016\t3\t28\t59\t51\t55.5\t55\t57\t55\t47\t0\t1\t0\t0\t0\t0\t0\t57.5541221212\n-2016\t4\t21\t81\t81\t59.4\t55\t61\t59\t55\t0\t0\t0\t0\t1\t0\t0\t76.9948007001\n-2016\t1\t6\t40\t44\t46.1\t43\t49\t48\t40\t0\t0\t0\t0\t0\t0\t1\t41.3862075834\n-2016\t10\t21\t58\t62\t57.8\t56\t60\t59\t44\t1\t0\t0\t0\t0\t0\t0\t61.0523769432\n-2016\t5\t2\t68\t77\t61.9\t60\t66\t61\t59\t0\t1\t0\t0\t0\t0\t0\t74.2435105222\n-2016\t3\t1\t53\t54\t51.5\t48\t56\t50\t53\t0\t0\t0\t0\t0\t1\t0\t54.3306325137\n-2016\t7\t21\t78\t82\t76.8\t73\t81\t78\t84\t0\t0\t0\t0\t1\t0\t0\t81.2097724662\n-2016\t3\t17\t51\t53\t53.9\t49\t58\t52\t62\t0\t0\t0\t0\t1\t0\t0\t52.1836048796\n-2016\t12\t6\t46\t40\t46.4\t44\t50\t45\t56\t0\t0\t0\t0\t0\t1\t0\t42.2019357209\n-2016\t12\t21\t46\t51\t45.1\t44\t50\t46\t39\t0\t0\t0\t0\t0\t0\t1\t45.9011800782\n-2016\t1\t4\t44\t41\t45.9\t44\t48\t46\t53\t0\t1\t0\t0\t0\t0\t0\t41.1820761074\n-2016\t10\t2\t67\t63\t64.9\t62\t69\t66\t82\t0\t0\t0\t1\t0\t0\t0\t61.3727414202\n-2016\t5\t28\t65\t64\t66.8\t64\t69\t65\t64\t0\t0\t1\t0\t0\t0\t0\t65.5895934942\n-2016\t9\t11\t74\t77\t72.1\t69\t75\t71\t70\t0\t0\t0\t1\t0\t0\t0\t74.3381013887\n-2016\t10\t25\t62\t61\t56.5\t53\t60\t55\t70\t0\t0\t0\t0\t0\t1\t0\t61.2657495686\n-2016\t2\t18\t56\t57\t50.1\t47\t55\t49\t34\t0\t0\t0\t0\t1\t0\t0\t55.5571516621\n-2016\t11\t1\t117\t59\t54.5\t51\t59\t55\t61\t0\t0\t0\t0\t0\t1\t0\t60.8285501381\n-2016\t3\t16\t49\t51\t53.7\t52\t54\t55\t65\t0\t0\t0\t0\t0\t0\t1\t54.4944109202\n-2016\t4\t26\t55\t59\t60.5\t56\t61\t62\t75\t0\t0\t0\t0\t0\t1\t0\t61.8372077373\n-2016\t6\t10\t67\t65\t68.8\t67\t71\t67\t73\t1\t0\t0\t0\t0\t0\t0\t63.9222528587\n-2016\t2\t3\t46\t51\t48.9\t48\t49\t50\t40\t0\t0\t0\t0\t0\t0\t1\t4'..b'6\t0\t1\t0\t0\t0\t0\t0\t64.85734973368784\n+2016\t1\t10\t48\t50\t46.5\t45\t48\t48\t49\t0\t0\t0\t1\t0\t0\t0\t45.06961558051259\n+2016\t5\t22\t66\t59\t65.9\t62\t66\t65\t80\t0\t0\t0\t1\t0\t0\t0\t60.46222634728846\n+2016\t7\t15\t75\t77\t76.0\t74\t80\t78\t75\t1\t0\t0\t0\t0\t0\t0\t82.42822449858019\n+2016\t4\t22\t81\t73\t59.7\t59\t64\t60\t59\t1\t0\t0\t0\t0\t0\t0\t72.82325656081416\n+2016\t4\t29\t61\t64\t61.2\t61\t65\t61\t49\t1\t0\t0\t0\t0\t0\t0\t65.00954748796826\n+2016\t1\t23\t52\t57\t48.0\t45\t49\t50\t37\t0\t0\t1\t0\t0\t0\t0\t50.836039030817304\n+2016\t8\t16\t83\t84\t76.5\t72\t78\t78\t90\t0\t0\t0\t0\t0\t1\t0\t82.12928759095375\n+2016\t8\t1\t76\t73\t77.4\t76\t78\t79\t65\t0\t1\t0\t0\t0\t0\t0\t72.22807576891064\n+2016\t2\t27\t61\t60\t51.2\t51\t53\t53\t61\t0\t0\t1\t0\t0\t0\t0\t61.680080402280524\n+2016\t2\t12\t56\t55\t49.6\t49\t52\t48\t33\t1\t0\t0\t0\t0\t0\t0\t54.563346197441135\n+2016\t1\t31\t52\t48\t48.7\t47\t52\t49\t61\t0\t0\t0\t1\t0\t0\t0\t51.05906646453181\n+2016\t9\t5\t67\t68\t73.5\t71\t75\t73\t54\t0\t1\t0\t0\t0\t0\t0\t68.96231670707674\n+2016\t12\t20\t39\t46\t45.1\t45\t49\t45\t62\t0\t0\t0\t0\t0\t1\t0\t41.12571355242521\n+2016\t5\t1\t61\t68\t61.6\t60\t65\t60\t75\t0\t0\t0\t1\t0\t0\t0\t66.15287588548186\n+2016\t3\t28\t59\t51\t55.5\t55\t57\t55\t47\t0\t1\t0\t0\t0\t0\t0\t59.11011722462772\n+2016\t4\t21\t81\t81\t59.4\t55\t61\t59\t55\t0\t0\t0\t0\t1\t0\t0\t74.41085058157081\n+2016\t1\t6\t40\t44\t46.1\t43\t49\t48\t40\t0\t0\t0\t0\t0\t0\t1\t41.20470505512009\n+2016\t10\t21\t58\t62\t57.8\t56\t60\t59\t44\t1\t0\t0\t0\t0\t0\t0\t61.62578223843827\n+2016\t5\t2\t68\t77\t61.9\t60\t66\t61\t59\t0\t1\t0\t0\t0\t0\t0\t72.48517225879384\n+2016\t3\t1\t53\t54\t51.5\t48\t56\t50\t53\t0\t0\t0\t0\t0\t1\t0\t53.70588500948454\n+2016\t7\t21\t78\t82\t76.8\t73\t81\t78\t84\t0\t0\t0\t0\t1\t0\t0\t82.7108327367616\n+2016\t3\t17\t51\t53\t53.9\t49\t58\t52\t62\t0\t0\t0\t0\t1\t0\t0\t53.251174797156146\n+2016\t12\t6\t46\t40\t46.4\t44\t50\t45\t56\t0\t0\t0\t0\t0\t1\t0\t42.363067913515295\n+2016\t12\t21\t46\t51\t45.1\t44\t50\t46\t39\t0\t0\t0\t0\t0\t0\t1\t45.6445314453422\n+2016\t1\t4\t44\t41\t45.9\t44\t48\t46\t53\t0\t1\t0\t0\t0\t0\t0\t42.214387828919136\n+2016\t10\t2\t67\t63\t64.9\t62\t69\t66\t82\t0\t0\t0\t1\t0\t0\t0\t62.736396078841445\n+2016\t5\t28\t65\t64\t66.8\t64\t69\t65\t64\t0\t0\t1\t0\t0\t0\t0\t63.947755881441275\n+2016\t9\t11\t74\t77\t72.1\t69\t75\t71\t70\t0\t0\t0\t1\t0\t0\t0\t73.98460722074996\n+2016\t10\t25\t62\t61\t56.5\t53\t60\t55\t70\t0\t0\t0\t0\t0\t1\t0\t61.917230159710556\n+2016\t2\t18\t56\t57\t50.1\t47\t55\t49\t34\t0\t0\t0\t0\t1\t0\t0\t55.720840480421955\n+2016\t11\t1\t117\t59\t54.5\t51\t59\t55\t61\t0\t0\t0\t0\t0\t1\t0\t61.52527009553642\n+2016\t3\t16\t49\t51\t53.7\t52\t54\t55\t65\t0\t0\t0\t0\t0\t0\t1\t54.86875365404632\n+2016\t4\t26\t55\t59\t60.5\t56\t61\t62\t75\t0\t0\t0\t0\t0\t1\t0\t61.34654097192005\n+2016\t6\t10\t67\t65\t68.8\t67\t71\t67\t73\t1\t0\t0\t0\t0\t0\t0\t65.38427016260138\n+2016\t2\t3\t46\t51\t48.9\t48\t49\t50\t40\t0\t0\t0\t0\t0\t0\t1\t49.75042424691725\n+2016\t3\t7\t64\t60\t52.4\t49\t57\t53\t71\t0\t1\t0\t0\t0\t0\t0\t61.08886411894317\n+2016\t9\t18\t75\t68\t70.0\t66\t73\t71\t90\t0\t0\t0\t1\t0\t0\t0\t70.7844532497458\n+2016\t3\t20\t63\t61\t54.3\t51\t56\t55\t50\t0\t0\t0\t1\t0\t0\t0\t59.66542877819202\n+2016\t4\t6\t60\t57\t56.8\t53\t59\t57\t64\t0\t0\t0\t0\t0\t0\t1\t59.301283011436794\n+2016\t7\t2\t73\t76\t73.3\t70\t77\t73\t84\t0\t0\t1\t0\t0\t0\t0\t71.22373270826222\n+2016\t7\t5\t71\t68\t74.0\t72\t77\t74\t62\t0\t0\t0\t0\t0\t1\t0\t69.18347305115272\n+2016\t7\t19\t80\t73\t76.6\t76\t78\t77\t90\t0\t0\t0\t0\t0\t1\t0\t77.46150755171419\n+2016\t12\t9\t40\t41\t46.0\t43\t51\t44\t54\t1\t0\t0\t0\t0\t0\t0\t41.72540550328788\n+2016\t6\t29\t85\t79\t72.6\t68\t76\t74\t81\t0\t0\t0\t0\t0\t0\t1\t76.10594345672801\n+2016\t3\t22\t55\t56\t54.6\t51\t55\t54\t64\t0\t0\t0\t0\t0\t1\t0\t58.39058086785531\n+2016\t4\t3\t71\t63\t56.3\t54\t61\t56\t64\t0\t0\t0\t1\t0\t0\t0\t60.14340322699943\n+2016\t1\t17\t48\t54\t47.4\t45\t51\t46\t47\t0\t0\t0\t1\t0\t0\t0\t50.26292708961779\n+2016\t3\t10\t54\t55\t52.8\t49\t55\t53\t50\t0\t0\t0\t0\t1\t0\t0\t55.522605642512985\n+2016\t5\t9\t82\t63\t63.4\t59\t66\t62\t64\t0\t1\t0\t0\t0\t0\t0\t61.00788720614107\n+2016\t1\t8\t51\t45\t46.3\t43\t47\t46\t34\t1\t0\t0\t0\t0\t0\t0\t44.83434926564482\n+2016\t8\t11\t72\t76\t76.9\t74\t81\t75\t80\t0\t0\t0\t0\t1\t0\t0\t74.70250254902773\n+2016\t12\t29\t47\t48\t45.3\t43\t50\t45\t65\t0\t0\t0\t0\t1\t0\t0\t49.53438043623214\n+2016\t11\t23\t54\t54\t49.1\t48\t52\t49\t38\t0\t0\t0\t0\t0\t0\t1\t51.467278500089826\n+2016\t11\t19\t52\t55\t50.0\t50\t54\t49\t56\t0\t0\t1\t0\t0\t0\t0\t53.781953941654095\n+2016\t4\t7\t57\t68\t56.9\t52\t61\t55\t38\t0\t0\t0\t0\t1\t0\t0\t68.59176558339176\n+2016\t6\t4\t71\t80\t67.9\t63\t72\t66\t76\t0\t0\t1\t0\t0\t0\t0\t72.73805569547436\n+2016\t6\t17\t67\t71\t70.0\t66\t74\t69\t54\t1\t0\t0\t0\t0\t0\t0\t74.00873400230815\n+2016\t10\t5\t61\t63\t63.7\t61\t66\t65\t48\t0\t0\t0\t0\t0\t0\t1\t63.553834877849695\n+2016\t3\t4\t55\t59\t51.9\t47\t56\t53\t45\t1\t0\t0\t0\t0\t0\t0\t57.389419897063036\n+2016\t12\t22\t51\t49\t45.1\t42\t47\t46\t38\t0\t0\t0\t0\t1\t0\t0\t44.218563783534144\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/glm_model01
b
Binary file test-data/glm_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/glm_model02
b
Binary file test-data/glm_model02 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/glm_model03
b
Binary file test-data/glm_model03 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/glm_model04
b
Binary file test-data/glm_model04 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/glm_model05
b
Binary file test-data/glm_model05 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/glm_model06
b
Binary file test-data/glm_model06 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/glm_model07
b
Binary file test-data/glm_model07 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/glm_model08
b
Binary file test-data/glm_model08 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/hastie.txt
--- a/test-data/hastie.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/hastie.txt Sun Dec 30 01:59:44 2018 -0500
b
b'@@ -1,12001 +1,12001 @@\n 0\t1\t2\t3\t4\t5\t6\t7\t8\t9\t0\n--1.7497654730546974\t0.34268040332750216\t1.153035802563644\t-0.25243603652138985\t0.9813207869512316\t0.5142188413943821\t0.22117966922140045\t-1.0700433305682933\t-0.18949583082317534\t0.25500144427338167\t-1.0\n--0.4580269855026243\t0.43516348812289213\t-0.5835950503226648\t0.816847071685779\t0.672720805709661\t-0.10441114339062771\t-0.5312803768519098\t1.0297326851333461\t-0.43813562270441736\t-1.1183182462554362\t-1.0\n-1.6189816606752596\t1.5416051745134067\t-0.251879139213213\t-0.8424357382512976\t0.18451869056394285\t0.9370822011089522\t0.7310003438348087\t1.361556125145331\t-0.32623805920230253\t0.055676014854776905\t-1.0\n-0.22239960855530486\t-1.4432169952253369\t-0.7563523055944354\t0.8164540110192858\t0.7504447615341785\t-0.4559469274680022\t1.1896222680291255\t-1.690616826383604\t-1.3563990488613127\t-1.2324345139149262\t1.0\n--0.5444391616724643\t-0.6681717368134277\t0.007314563228903049\t-0.6129387354781626\t1.299748074755309\t-1.733095623653281\t-0.98331009912963\t0.3575077531673654\t-1.6135785028221759\t1.4707138666121289\t1.0\n--1.1880175973177194\t-0.5497461935354897\t-0.9400461615447682\t-0.8279323643658708\t0.1088634678336795\t0.50780959049232\t-0.8622273465104797\t1.249469742726979\t-0.07961124591739943\t-0.8897314812650339\t-1.0\n--0.8817983894830175\t0.01863894948806016\t0.2378446219236218\t0.013548548628612411\t-1.635529399380822\t-1.044209877709317\t0.6130388816875463\t0.7362052133238238\t1.0269214393997905\t-1.4321906110589266\t-1.0\n--1.841188300186717\t0.36609322616730366\t-0.3317771350528086\t-0.6892179780897532\t2.0346075615049335\t-0.5507144119145928\t0.7504533303268411\t-1.3069923390808191\t0.5805733357942744\t-1.1045230926622938\t1.0\n-0.6901214702247076\t0.6868900661384048\t-1.566687529578391\t0.9049741214666812\t0.7788223993230673\t0.4282328705967407\t0.10887198989791452\t0.028283634823073247\t-0.5788258247909884\t-1.1994511991939312\t-1.0\n--1.7059520057381703\t0.3691639571070058\t1.8765734269621657\t-0.37690335016897475\t1.8319360818255361\t0.003017434031214063\t-0.07602346572462335\t0.003957593987599105\t-0.18501411089711395\t-2.4871515352227695\t1.0\n--1.7046512057609624\t-1.1362610068273629\t-2.9733154740508856\t0.03331727813886288\t-0.24888866705810792\t-0.45017643501165083\t0.13242780114877378\t0.022213928039390988\t0.31736797594106797\t-0.7524141777250374\t1.0\n--1.2963918071501508\t0.095139443565453\t-0.42371509994342044\t-1.185983564929173\t-0.365461992676627\t-1.271023040846661\t1.5861709384232352\t0.6933906585165882\t-1.9580812342078666\t-0.13480131198999493\t1.0\n--1.5406160245526137\t2.0467139684821385\t-1.3969993449532836\t-1.0971719846398227\t-0.23871286931467955\t-1.429066898448291\t0.9490047765052598\t-0.019397585962465276\t0.8945977057600133\t0.7596931198502055\t1.0\n--1.4977203810831696\t-1.193885976791938\t1.2962625863990573\t0.9522756260818906\t-1.2172541306410147\t-0.15726516737513793\t-1.5075851602643862\t0.10788413080661359\t0.7470556550991475\t0.4296764358626096\t1.0\n--1.415042920852526\t-0.6407599230105716\t0.7796263036636958\t-0.43812091634884287\t2.0747931679465657\t-0.34329768218246975\t-0.6166293716831945\t0.7631836460599923\t0.19291719182330652\t-0.3484589306523706\t-1.0\n-2.2986539407136757\t-0.16520955264073184\t0.46629936835718944\t0.26998723863108903\t-0.3198310471180883\t-1.1477415998765863\t1.703623988120705\t-0.7221507700557533\t1.0936866496587212\t-0.2295177532399562\t1.0\n--0.008898663292110321\t-0.5431980084071721\t0.7530621876919789\t-1.6094388961729544\t1.943262263433996\t-1.4474361123195851\t0.13024845535270219\t0.9493608646609868\t-2.0151887171225265\t-0.07954058693411101\t1.0\n-0.30104946378806546\t-1.6848999616851803\t0.22239080944544862\t-0.6849217352472302\t-0.12620118371357705\t1.9902736497540905\t0.5229978045207515\t-0.016345402757487165\t-0.41581633584065\t-1.3585029367597998\t1.0\n--0.5144298913687853\t-0.21606012000326133\t0.4223802204219781\t-1.094042931032235\t1.2369078851902253\t-0.23028467842710793\t-0.7044181997350232\t-0.591375121085172\t0.7369951690182122\t0.4358672525149101\t-1.0\n-1.7759935855067666\t0.5130743788396454\t1.1705269829481435\t2.0777122322502035\t-0.45592201921402026\t0.64917'..b'06309931633\t-1.06717262694293\t0.50073241156502\t0.18992453098454\t2.04628516955088\t1.82528927949279\t0.42917283635627\t1.00000000000000\n+-1.22259082208966\t1.80486825966875\t0.25472873542702\t-1.14612326011794\t-0.65895878644957\t-0.50665881367303\t-0.58717488257737\t1.98654951853110\t-0.92459516782334\t0.30357698596096\t1.00000000000000\n+-0.45373427820446\t-0.61483801155467\t-0.47897312964695\t-0.04537445187094\t1.32531372085786\t0.33328592586201\t-0.71798479536006\t-0.10644860260678\t-1.33607751334297\t-1.07453058288167\t-1.00000000000000\n+0.27622491542758\t-0.42838847957279\t-2.04367124772039\t-1.90685851796119\t0.96798821663439\t2.17219080431942\t0.10964573562466\t-1.27426723194757\t1.23222183027782\t-0.21419343967053\t1.00000000000000\n+1.25575137679073\t-0.82899667584661\t-0.31025868800052\t1.16595362276325\t0.39295553260644\t1.18950871662693\t-0.40465579431053\t-0.26518694565902\t1.53187556786493\t-0.67960362882453\t-1.00000000000000\n+1.50485411320375\t-1.23818277073586\t0.36024637121746\t-1.70726489995878\t2.04691378922358\t-0.91974061417311\t-0.74871898187249\t-0.18819401708008\t-0.06675497482732\t1.13417573817667\t1.00000000000000\n+-0.99461699492346\t0.61660727541860\t2.07874813007413\t-0.16292573253302\t0.19275302467826\t0.39123837209778\t-1.91087474789752\t-0.03029080425482\t0.60144061405756\t-1.50549085992392\t1.00000000000000\n+-0.89012378251865\t-0.34737909401570\t-1.21739990485979\t-0.36097243202727\t1.53931715782095\t0.96461318969018\t-0.33536048200336\t-0.39976788596124\t0.80781874858536\t-0.01648269060780\t-1.00000000000000\n+2.71624984831006\t-1.10170839054615\t0.40823857179199\t1.25331975589293\t0.24343699441434\t0.96603756159211\t0.16755705151620\t0.52653125273934\t-0.70407892178746\t0.33239506844990\t1.00000000000000\n+1.28538553907580\t0.72766461340125\t-0.76023886670864\t-1.11152239856363\t-0.44518987222192\t-1.49074021117829\t-0.22775458347687\t0.99289407328571\t0.96480612313626\t-0.06280974312666\t-1.00000000000000\n+-0.80234755283167\t-0.44824994889487\t1.87749617599518\t1.83135584380522\t-2.36024606600980\t0.39528743184894\t-0.89400524994086\t0.48937627815753\t-0.40659070466213\t0.31275234803913\t1.00000000000000\n+0.13505159908171\t-1.15605347603301\t0.64922003423281\t1.69618114190407\t-0.70155197211798\t1.08145071330605\t0.85047933757755\t1.10637056716661\t-1.04623999358839\t-1.30135399847546\t1.00000000000000\n+1.67077062936354\t0.64354784129343\t0.59812997964100\t-0.17237698634320\t-0.50352290746151\t0.51328398132421\t-0.58000465555931\t0.23233150054032\t-0.78335885157152\t-1.39723167543104\t-1.00000000000000\n+1.04247849341898\t-1.81435068819736\t0.71293771767906\t-0.21705433945730\t-0.10080393703821\t-0.88205424097537\t0.72201960894325\t-0.79149023242802\t0.28627214656039\t-1.50545688584277\t-1.00000000000000\n+0.21341208874143\t0.72014711833863\t-1.79828012260809\t1.71395949654835\t0.76266388164113\t-1.31967951126868\t0.85347469034475\t0.62002640738142\t0.30566431217301\t-1.56924194492647\t1.00000000000000\n+-0.64999199308320\t-1.02562683437324\t-0.13050507880770\t-0.14950841874608\t-0.31428180397186\t-0.84782684899640\t0.81216245245208\t1.21473327282491\t0.95005680843726\t-0.08427812455387\t-1.00000000000000\n+-0.45255217423509\t0.17011399688269\t0.95454352978426\t-0.50524967574339\t-1.87634064821904\t-1.74871436736529\t-0.90831051008574\t-0.37931872451117\t0.52607520147334\t1.57222444122907\t1.00000000000000\n+0.66169157934456\t0.88668364824582\t-0.25547151405970\t-1.24022983583502\t-1.04307067938948\t1.26349810720956\t0.40213622984300\t0.19115412195518\t-0.78010551786820\t0.30644220235020\t-1.00000000000000\n+0.90409905530316\t0.81499532233643\t0.32991900836553\t-0.64930144336002\t0.41358068830326\t0.33464811275834\t1.13234913031482\t1.77786603651925\t1.41434355354132\t-0.74600858518167\t-1.00000000000000\n+0.69637765860924\t1.04166053271514\t0.34093340616616\t-0.06843683271006\t0.99366591723931\t0.41459338970991\t0.55689330161166\t0.44922520374121\t-0.88329582162890\t1.27761891051187\t-1.00000000000000\n+2.42943479416636\t1.38124984515009\t1.05541499372178\t0.69618399416012\t-0.74518317796755\t0.99911118671284\t1.92133407983838\t0.36285784396181\t-0.27791688211903\t-1.15010888994762\t1.00000000000000\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/imblearn_X.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/imblearn_X.tabular Sun Dec 30 01:59:44 2018 -0500
b
b'@@ -0,0 +1,1001 @@\n+0\t1\t2\t3\t4\t5\t6\t7\t8\t9\t10\t11\t12\t13\t14\t15\t16\t17\t18\t19\n+0.6001306800348731\t-1.427664018242596\t-0.8128431040977644\t0.1861963773309323\t-0.44607171267571116\t1.4615378813401159\t-0.20792618079810765\t-0.12137371720639965\t-0.06446772833491145\t-1.3310164666152242\t-1.6691939894626755\t-0.13944961174285558\t0.030953613196132247\t-0.5179508164020254\t-0.42962235164106233\t-0.4500954165849111\t2.3038532915304692\t-0.553023784461563\t0.14876985407627283\t-1.7479587701471315\n+0.2536411543894025\t-1.4563873415342614\t-0.5225979569522042\t-1.2005696101463839\t-0.5955528693207531\t3.498593261471326\t0.4473543934217947\t0.7526786936590912\t-0.43342196111582254\t1.5525428863494506\t2.169113462445944\t-0.7532432311768639\t0.6556246969801681\t0.6124285450253644\t-1.1902855719466887\t0.1977380945472285\t1.0019115951772508\t1.694093458508633\t-0.24969904983753968\t0.45875979745362017\n+0.18225579346195472\t-1.2796018753350356\t0.6780773010107425\t-0.10707199060615594\t-1.8915329365851754\t2.9791576382913614\t3.7762486948586975\t0.7669666081001365\t-1.4611274189917611\t-0.5051625294981158\t3.5706473853319283\t0.361457272353967\t0.5353157105921461\t-1.1171165238191816\t0.5003091857920472\t-0.062337162720739185\t-1.664216917267093\t-0.8111511264316701\t-0.2873360912302924\t-1.8361890958897182\n+-0.3139065727141332\t-2.714269287754568\t-0.4617890824485205\t0.45142947949293805\t0.29920888623517505\t2.3280472639084735\t4.721085791340013\t-1.4606647440626481\t-1.0757028886615319\t0.3037546381512859\t3.8378027329578264\t-0.8505759374119342\t-2.4566574243609414\t-0.5335097714369801\t-1.4769442197132496\t0.43056336705151876\t-1.7354548844106463\t-2.0028486121607005\t1.215284108701237\t-2.4579651124937256\n+-1.2628695216496104\t0.11918065353143902\t-1.2346278008576206\t0.2531467787794355\t1.551433469203308\t2.3537000928251253\t3.6644773361790386\t-0.6331477268237771\t-1.7695433837247796\t-0.16479992734977722\t2.8574163681600524\t1.0802040441260066\t-0.7659697128037619\t-0.6336634851328513\t-2.961579371739917\t1.4941732279481985\t-2.712420873286752\t-0.6176127736001279\t-1.4459486909547319\t-2.1836873518837896\n+0.42487189699856703\t-0.5373034697510026\t-1.1657883437507215\t-1.35351449329613\t1.2670224544537296\t2.5781881776435234\t1.0747708563973197\t0.40242575332019875\t-0.7595747370840253\t1.1128259625451298\t1.3044963239922482\t0.657714479238077\t-0.4536911884265618\t0.03825851981369715\t1.6218469815954708\t-0.10738702838298275\t0.26418374248900883\t-1.3036201837106316\t-0.7840346128822773\t-0.772900984348529\n+-1.3152539737693658\t0.04739388964208212\t0.5667176906282858\t0.16723645448034968\t-1.3237156046414544\t2.5576869458278955\t2.970895813541885\t0.36800572011534793\t1.6753411364337387\t-2.235192749512666\t3.0193747039169194\t1.635306712078988\t0.07453719247058022\t-0.3316821738414471\t0.12148384247015409\t0.012671348866862102\t-0.5792108700037811\t0.6156470679976609\t0.6011935845440075\t-1.3138953376368692\n+-1.1420064626568525\t-0.26584154465143667\t0.4013439975765152\t1.2247115662795574\t-0.39875703183699024\t2.1389258755397287\t5.048265811735874\t0.838787906446567\t1.3340919123877284\t0.04328433744956178\t3.6904114144831635\t0.8071200727172667\t1.2016866972951539\t-0.6410634897182509\t-0.6346817606270283\t1.8890510410569996\t0.266916933787833\t1.8832612181439792\t1.4865109081694494\t-2.9062233054748243\n+0.8154945938187875\t-1.3942602322147186\t1.3918151037180722\t0.30202718503532827\t0.653444631281608\t1.4452870874986299\t3.8061827873167413\t-1.1277346263276433\t-0.22425124977321367\t2.2090491331008986\t1.7562433930226553\t0.5570092974580497\t-0.5401661645837045\t1.3119452613127471\t1.7224918758723826\t-1.5521406849496893\t0.8659915301504891\t0.4448835159980526\t0.2696306769788708\t-3.091110583794352\n+0.31171461250717486\t-0.27367105664188995\t0.21180263497907753\t-0.07760204005752984\t0.035673036767129906\t2.3879833063367846\t4.706387286358583\t-0.9578325355578868\t1.452350881861973\t0.6231711985001551\t3.3855289481852875\t-1.0022023758320022\t0.5131015704227361\t0.013664588304865943\t-0.23597344957725325\t-0.4882209765908194\t0.2629281407481283\t0.6789361892009779\t-2.094347254072613\t-2.878015482344443\n+0.845414'..b'19843444\t0.277030189641092\t0.7769336725785939\t-0.5364575947101988\t-1.8525358877628713\n+3.360397523602019\t-0.5470601729870943\t-1.2873197463278891\t-1.2598328753246546\t-0.1428061049836398\t2.0156505744173994\t1.6557719775496316\t1.6226882110628915\t1.0952934126831912\t0.9112290228632093\t1.4494450439546436\t0.10500821788528955\t-0.00704828378956637\t1.4293902174127222\t-1.0197533088358766\t-1.0939163125693334\t1.2480042976575871\t1.093432051347689\t0.07892365771029007\t-1.1246763094116352\n+1.1837495881016549\t1.0465439135904016\t0.9867846466870027\t0.18141633300379795\t-0.38250091701406874\t1.3552926291694947\t-0.6963529623482592\t-0.04799858970990036\t-0.26349548563128933\t0.4449421462300397\t-2.50135342841587\t-0.28897896057116645\t0.6918896525925219\t-0.36785408107246365\t-0.25362665416838454\t0.6945368590910528\t-0.9631718574199114\t-0.1258334517145733\t1.3844996029899148\t-1.936695694110503\n+-0.10861657840399971\t-1.1113143899161724\t-0.3279133081403911\t1.2330194506587273\t0.12110654437697854\t1.872199882968341\t-0.4549985193677535\t1.5812439085428185\t-0.3377141669910402\t-0.7052349840605608\t-2.2530794383766417\t-1.050108501130314\t-2.0828949891173947\t-0.9650369080270697\t0.9659310723796818\t0.21141440268416584\t0.9539162478560591\t-0.6228822167376097\t-0.8694400986582542\t-2.1330641628444216\n+-1.2253999879465634\t-0.21255556808360254\t-0.6426725761169916\t-1.196072883128891\t1.266922746784227\t2.2256888487009903\t3.0054762074122117\t0.13990086989650774\t1.3039648168375455\t-0.5952644743053549\t2.182944202202095\t0.8015328128947369\t1.1283724168682476\t1.3503051252630927\t-1.0955795777766877\t0.7109722757632584\t1.0636052867267143\t-0.8840342072804078\t-1.5759278459319386\t-2.0279117003180893\n+-0.8693927846256988\t-1.4015773896239008\t-0.5767475073478409\t-0.514877043990522\t-0.6926301958015578\t2.810943852625326\t2.1414294878660685\t-0.42261866857539526\t0.722102167933471\t0.41277555491293927\t2.4994899525619645\t-0.9740548736776437\t0.2030120207547904\t-1.8464325894173563\t1.258794140437278\t-1.740830606254658\t-0.2595500855948115\t-0.9467397049189886\t-0.9526964140458886\t-0.937055275475108\n+2.465979504831791\t-0.11647472229306143\t-1.3673978078088291\t0.25792387327309524\t2.02220177737093\t0.056556687812697515\t-0.8599660532852478\t0.2030008126873168\t-0.25092959743335835\t0.24839919756489393\t-2.555666173944962\t-1.2043480430753424\t-0.17953917839861058\t1.7189292170192134\t2.7852928968634107\t0.008400346195698861\t-0.6359320009596753\t0.2357521308160045\t1.2368008363755216\t-1.4146247373944343\n+-0.0163256591828519\t-0.6183055444853768\t-1.159263079089029\t-1.4303550879907347\t-0.28069199914747095\t2.1243880986329158\t1.6951821208174769\t-0.8716165521678049\t-0.33251342254751937\t-0.27386404780277435\t1.4788860902136713\t-0.201208090929832\t2.311548044859444\t1.1017628776236508\t1.4194572000947938\t0.512700384954193\t-1.867727607756348\t-0.031861613113337746\t-0.34307616045334116\t-1.174287965982148\n+-1.4702455093030349\t1.4429199785590026\t-0.6102517293773445\t2.2320246366695096\t0.420092258000585\t3.0690234982020463\t4.577711412585288\t-2.4029905021664475\t2.227258236085046\t1.5521556562795078\t4.273030813010738\t0.4943038596328826\t0.7063998227941131\t2.0814669381342634\t-0.293247790344005\t-0.6595177990179122\t-0.7393112877406384\t-0.808565352079177\t0.9289957408518578\t-2.115107772813518\n+1.1608029701501765\t1.0793013183923594\t-0.10917057298490165\t-0.2777148871472186\t-0.553122987814596\t2.6222096121401433\t1.8145098546790979\t-1.0713142333102095\t0.4451638694576139\t1.10157387968243\t2.088384076464559\t0.6293028510604814\t0.32476475385705694\t0.1207669042410038\t-0.39081080441050287\t1.0757434445088958\t-0.3913471598720806\t-2.584943822716165\t-1.7432615574905008\t-0.8931788187442695\n+-0.29874434526655697\t-1.4814434332669864\t-0.3405176552373323\t-1.5472128948094663\t1.460141833448219\t2.7503298497261937\t1.4919435584703815\t-0.5014938556215274\t1.3898511809047607\t2.1536872532393594\t1.8252155237674077\t-0.055976242115569654\t-1.024054711552412\t0.9786166674778746\t-0.930534193318163\t-1.0692142888694698\t1.1760360066245013\t-0.1777204619951954\t-0.13834763375383666\t-0.8119518506990913\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/imblearn_y.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/imblearn_y.tabular Sun Dec 30 01:59:44 2018 -0500
b
@@ -0,0 +1,1001 @@
+0
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+0
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+0
+1
+1
+1
+1
+1
+0
+0
+1
+1
+0
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+0
+0
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+0
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+0
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+0
+1
+1
+1
+0
+1
+1
+1
+1
+0
+0
+1
+1
+0
+1
+1
+1
+1
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/lda_model01
b
Binary file test-data/lda_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/lda_model02
b
Binary file test-data/lda_model02 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/moons.txt
--- a/test-data/moons.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/moons.txt Sun Dec 30 01:59:44 2018 -0500
b
@@ -1,101 +1,101 @@
 0 1 0
--0.7183493500977275 0.6956825506034865 0
-0.2816506499022724 -0.19568255060348638 1
--0.09602302590768154 0.9953791129491982 0
--0.8713187041233892 0.49071755200393813 0
--0.6234898018587335 0.7818314824680299 0
--0.032051577571654985 0.9994862162006879 0
--0.6723008902613166 0.7402779970753157 0
--0.518392568310525 0.8551427630053462 0
-1.159599895033379 -0.4871817834144502 1
-0.22252093395631445 0.9749279121818236 0
-1.6234898018587334 -0.2818314824680299 1
-0.0 0.5 1
-1.900968867902419 0.06611626088244171 1
-0.6546349455786922 -0.43846842204976033 1
-1.9815591569910653 0.30884137129862743 1
-1.2225209339563143 -0.4749279121818236 1
-0.8404001049666207 -0.4871817834144502 1
-0.9490557470106686 0.31510821802362066 0
--0.8380881048918404 0.545534901210549 0
-0.7614459583691344 0.6482283953077884 0
--0.28452758663103234 0.9586678530366607 0
-1.518392568310525 -0.3551427630053462 1
-1.462538290240835 -0.3865993063730001 1
--0.9269167573460216 0.3752670048793745 0
--0.22252093395631434 0.9749279121818236 0
-0.15959989503337932 0.9871817834144502 0
-0.09602302590768189 0.9953791129491982 0
-1.8380881048918405 -0.04553490121054904 1
-1.6723008902613166 -0.24027799707531572 1
-0.28452758663103267 0.9586678530366606 0
--0.4625382902408351 0.8865993063730001 0
-0.9269167573460217 0.3752670048793741 0
-0.9815591569910653 0.1911586287013723 0
-0.7183493500977276 0.6956825506034864 0
-0.0020546072496636647 0.43592978001928706 1
-1.5721166601221694 -0.3201722545969561 1
-0.9039769740923181 -0.49537911294919823 1
-0.3765101981412664 -0.2818314824680298 1
-0.03270513696097055 0.24634541609049265 1
-0.595216656877606 -0.4144126230158124 1
-1.032051577571655 -0.4994862162006879 1
-0.9679484224283447 -0.4994862162006879 1
-0.09903113209758085 0.06611626088244194 1
--0.900968867902419 0.43388373911755823 0
-1.0960230259076815 -0.49537911294919823 1
-2.0 0.4999999999999999 1
-0.4625382902408354 0.886599306373 0
-1.9269167573460217 0.12473299512062552 1
-0.3276991097386831 -0.2402779970753155 1
-1.0 0.0 0
-0.404783343122394 0.9144126230158124 0
--0.9490557470106686 0.3151082180236209 0
--0.7614459583691342 0.6482283953077888 0
--0.9672948630390293 0.2536545839095078 0
--0.8014136218679565 0.5981105304912161 0
-0.7154724133689674 -0.4586678530366606 1
-1.9490557470106686 0.18489178197637912 1
--0.3453650544213075 0.9384684220497604 0
-0.7774790660436856 -0.4749279121818236 1
--0.9815591569910653 0.19115862870137254 0
-0.07308324265397825 0.12473299512062597 1
-1.3453650544213076 -0.43846842204976044 1
-1.8713187041233892 0.009282447996061816 1
-1.7614459583691342 -0.14822839530778875 1
-0.3453650544213078 0.9384684220497603 0
-1.4047833431223937 -0.4144126230158125 1
-0.05094425298933136 0.18489178197637934 1
-1.8014136218679564 -0.0981105304912161 1
-0.23855404163086558 -0.14822839530778842 1
-0.42788333987783034 -0.32017225459695586 1
--0.991790013823246 0.1278771616845065 0
--1.0 1.2246467991473532e-16 0
-0.9009688679024191 0.4338837391175581 0
-1.991790013823246 0.37212283831549353 1
-0.1619118951081593 -0.045534901210548595 1
-1.9672948630390295 0.2463454160904922 1
-0.6723008902613169 0.7402779970753155 0
-0.9979453927503363 0.06407021998071291 0
--0.40478334312239367 0.9144126230158125 0
-0.9672948630390295 0.25365458390950735 0
--0.15959989503337896 0.9871817834144502 0
-0.9917900138232462 0.127877161684506 0
-0.8380881048918407 0.5455349012105486 0
-0.5183925683105252 0.8551427630053461 0
-0.1286812958766106 0.009282447996062149 1
-0.19858637813204327 -0.09811053049121587 1
-0.5721166601221697 0.8201722545969559 0
-1.9979453927503363 0.43592978001928673 1
--0.5721166601221694 0.8201722545969561 0
-0.6234898018587336 0.7818314824680298 0
-0.48160743168947484 -0.3551427630053461 1
-0.01844084300893467 0.30884137129862776 1
-0.008209986176753836 0.372122838315494 1
-0.8014136218679567 0.5981105304912159 0
--0.9979453927503363 0.06407021998071323 0
-1.2845275866310324 -0.4586678530366607 1
-1.7183493500977276 -0.1956825506034865 1
-0.5374617097591645 -0.386599306373 1
-0.03205157757165533 0.9994862162006879 0
-0.8713187041233894 0.49071755200393785 0
+-0.71834935009773 0.69568255060349 0
+0.28165064990227 -0.19568255060349 1
+-0.09602302590768 0.99537911294920 0
+-0.87131870412339 0.49071755200394 0
+-0.62348980185873 0.78183148246803 0
+-0.03205157757165 0.99948621620069 0
+-0.67230089026132 0.74027799707532 0
+-0.51839256831052 0.85514276300535 0
+1.15959989503338 -0.48718178341445 1
+0.22252093395631 0.97492791218182 0
+1.62348980185873 -0.28183148246803 1
+0.00000000000000 0.50000000000000 1
+1.90096886790242 0.06611626088244 1
+0.65463494557869 -0.43846842204976 1
+1.98155915699107 0.30884137129863 1
+1.22252093395631 -0.47492791218182 1
+0.84040010496662 -0.48718178341445 1
+0.94905574701067 0.31510821802362 0
+-0.83808810489184 0.54553490121055 0
+0.76144595836913 0.64822839530779 0
+-0.28452758663103 0.95866785303666 0
+1.51839256831052 -0.35514276300535 1
+1.46253829024084 -0.38659930637300 1
+-0.92691675734602 0.37526700487937 0
+-0.22252093395631 0.97492791218182 0
+0.15959989503338 0.98718178341445 0
+0.09602302590768 0.99537911294920 0
+1.83808810489184 -0.04553490121055 1
+1.67230089026132 -0.24027799707532 1
+0.28452758663103 0.95866785303666 0
+-0.46253829024084 0.88659930637300 0
+0.92691675734602 0.37526700487937 0
+0.98155915699107 0.19115862870137 0
+0.71834935009773 0.69568255060349 0
+0.00205460724966 0.43592978001929 1
+1.57211666012217 -0.32017225459696 1
+0.90397697409232 -0.49537911294920 1
+0.37651019814127 -0.28183148246803 1
+0.03270513696097 0.24634541609049 1
+0.59521665687761 -0.41441262301581 1
+1.03205157757165 -0.49948621620069 1
+0.96794842242834 -0.49948621620069 1
+0.09903113209758 0.06611626088244 1
+-0.90096886790242 0.43388373911756 0
+1.09602302590768 -0.49537911294920 1
+2.00000000000000 0.50000000000000 1
+0.46253829024084 0.88659930637300 0
+1.92691675734602 0.12473299512063 1
+0.32769910973868 -0.24027799707532 1
+1.00000000000000 0.00000000000000 0
+0.40478334312239 0.91441262301581 0
+-0.94905574701067 0.31510821802362 0
+-0.76144595836913 0.64822839530779 0
+-0.96729486303903 0.25365458390951 0
+-0.80141362186796 0.59811053049122 0
+0.71547241336897 -0.45866785303666 1
+1.94905574701067 0.18489178197638 1
+-0.34536505442131 0.93846842204976 0
+0.77747906604369 -0.47492791218182 1
+-0.98155915699107 0.19115862870137 0
+0.07308324265398 0.12473299512063 1
+1.34536505442131 -0.43846842204976 1
+1.87131870412339 0.00928244799606 1
+1.76144595836913 -0.14822839530779 1
+0.34536505442131 0.93846842204976 0
+1.40478334312239 -0.41441262301581 1
+0.05094425298933 0.18489178197638 1
+1.80141362186796 -0.09811053049122 1
+0.23855404163087 -0.14822839530779 1
+0.42788333987783 -0.32017225459696 1
+-0.99179001382325 0.12787716168451 0
+-1.00000000000000 0.00000000000000 0
+0.90096886790242 0.43388373911756 0
+1.99179001382325 0.37212283831549 1
+0.16191189510816 -0.04553490121055 1
+1.96729486303903 0.24634541609049 1
+0.67230089026132 0.74027799707532 0
+0.99794539275034 0.06407021998071 0
+-0.40478334312239 0.91441262301581 0
+0.96729486303903 0.25365458390951 0
+-0.15959989503338 0.98718178341445 0
+0.99179001382325 0.12787716168451 0
+0.83808810489184 0.54553490121055 0
+0.51839256831053 0.85514276300535 0
+0.12868129587661 0.00928244799606 1
+0.19858637813204 -0.09811053049122 1
+0.57211666012217 0.82017225459696 0
+1.99794539275034 0.43592978001929 1
+-0.57211666012217 0.82017225459696 0
+0.62348980185873 0.78183148246803 0
+0.48160743168947 -0.35514276300535 1
+0.01844084300893 0.30884137129863 1
+0.00820998617675 0.37212283831549 1
+0.80141362186796 0.59811053049122 0
+-0.99794539275034 0.06407021998071 0
+1.28452758663103 -0.45866785303666 1
+1.71834935009773 -0.19568255060349 1
+0.53746170975916 -0.38659930637300 1
+0.03205157757166 0.99948621620069 0
+0.87131870412339 0.49071755200394 0
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/nn_model01
b
Binary file test-data/nn_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/nn_model02
b
Binary file test-data/nn_model02 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/nn_model03
b
Binary file test-data/nn_model03 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline01
b
Binary file test-data/pipeline01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline02
b
Binary file test-data/pipeline02 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline03
b
Binary file test-data/pipeline03 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline04
b
Binary file test-data/pipeline04 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline05
b
Binary file test-data/pipeline05 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline06
b
Binary file test-data/pipeline06 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline07
b
Binary file test-data/pipeline07 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline08
b
Binary file test-data/pipeline08 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline09
b
Binary file test-data/pipeline09 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline10
b
Binary file test-data/pipeline10 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline11
b
Binary file test-data/pipeline11 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/pipeline12
b
Binary file test-data/pipeline12 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/prp_model01
b
Binary file test-data/prp_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/prp_model02
b
Binary file test-data/prp_model02 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/prp_model03
b
Binary file test-data/prp_model03 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/prp_model04
b
Binary file test-data/prp_model04 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/prp_model05
b
Binary file test-data/prp_model05 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/prp_model06
b
Binary file test-data/prp_model06 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/prp_model07
b
Binary file test-data/prp_model07 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/prp_model08
b
Binary file test-data/prp_model08 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/prp_model09
b
Binary file test-data/prp_model09 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/prp_result06
--- a/test-data/prp_result06 Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/prp_result06 Sun Dec 30 01:59:44 2018 -0500
b
@@ -2,8 +2,8 @@
 %
 3 3 6
 1 1 1.000000000000000e+00
+3 1 4.000000000000000e-02
+3 2 -5.000000000000000e+00
 1 3 -2.000000000000000e-01
 2 3 1.100000000000000e+01
-3 1 4.000000000000000e-02
-3 2 -5.000000000000000e+00
 3 3 2.600000000000000e+00
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/qda_model01
b
Binary file test-data/qda_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/regression.txt
--- a/test-data/regression.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/regression.txt Sun Dec 30 01:59:44 2018 -0500
b
b'@@ -1,101 +1,101 @@\n 0\t1\t2\t3\t4\t5\t6\t7\t8\t9\t10\t11\t12\t13\t14\t15\t16\t17\t18\t19\t20\t21\t22\t23\t24\t25\t26\t27\t28\t29\t30\t31\t32\t33\t34\t35\t36\t37\t38\t39\t40\t41\t42\t43\t44\t45\t46\t47\t48\t49\t50\t51\t52\t53\t54\t55\t56\t57\t58\t59\t60\t61\t62\t63\t64\t65\t66\t67\t68\t69\t70\t71\t72\t73\t74\t75\t76\t77\t78\t79\t80\t81\t82\t83\t84\t85\t86\t87\t88\t89\t90\t91\t92\t93\t94\t95\t96\t97\t98\t99\t0\n-0.04046644371002013\t-0.3222186916867068\t-1.9432702884775699\t0.14089076168330988\t0.5079729819698269\t-1.18817519027507\t-0.5583786466981011\t-1.4762039928244617\t-0.2406790907279704\t-0.0635802910775822\t0.8092951093257438\t0.3575461139841666\t-0.3546352850532605\t-0.013800738789073546\t-0.08714823571982741\t-0.794536549893067\t0.04252844430408998\t1.1848057906070117\t-0.34427022696107923\t1.8129164839023801\t1.9372513425840665\t-0.23132382095439452\t0.47212052875794286\t-1.0860498262479517\t-0.22514835388270557\t-0.2688128201531403\t-2.6129045486033537\t-1.40689902631265\t-0.6852241305315773\t0.30338447890178527\t0.23198841547816262\t1.0774387686891118\t0.16518761240475535\t-1.0047595220548933\t-0.449001129008708\t0.06253225964952577\t0.5096561871734692\t0.3419804166006587\t0.2006377249932491\t-0.8895878021839609\t0.103279908087676\t-0.40064406812252806\t0.9972796871650385\t0.30650582998705583\t1.8256815454177233\t-0.4173700312044624\t0.4402675253740327\t-0.2804669140583019\t0.29390729185835485\t-0.25861302105802453\t1.6135408335741044\t-0.21018097777041758\t0.7327269904660167\t0.33128542535217953\t0.2840068142931275\t-1.0878133919784179\t-1.5651521450771562\t0.11108254244933571\t-1.058341107083241\t2.715905661175428\t-0.46709306413711094\t-0.348900726843459\t-1.2551363680401528\t-0.387061571599947\t-2.0898306570129823\t-0.05398563142234402\t-1.695827187014135\t0.11871279626399817\t0.11536367037547492\t0.14893574125345024\t-0.7502531502828071\t2.9675579781460506\t0.14570961888674075\t-1.166292932911318\t-1.1132677395256523\t0.31364953071626966\t0.1097126825912871\t-1.0826121288108281\t1.516741546949991\t1.7411107338741112\t1.6514358866722028\t0.5929466112193225\t1.8306710073227783\t-1.1760025974824964\t0.5001066856635897\t-0.6570293996628584\t-9.313425995401874e-05\t0.06338028324230935\t2.216791384854668\t-0.0456555745358126\t0.9572926200414316\t1.629934925613996\t0.37185201934035095\t-0.2522202464496184\t0.23738912982157237\t0.8154637324443926\t-0.852861753338149\t0.9603719837230026\t-0.3090723967625725\t-0.56066669259864\t-6.008321346938075\n--0.7142440680403472\t0.28458137387342325\t-0.3062544898706742\t-0.17448841397392895\t1.125783615924232\t-1.8058408019479073\t-1.0678527622740026\t0.8139881757232938\t0.7366186955374812\t-1.4962992713815841\t-1.567173603615006\t-1.1201845678212112\t0.10177233182573647\t-2.4550466142310423\t-0.4055420715795304\t-1.0596390892575\t-0.3721075714225364\t0.40749776579756786\t0.6855364862553506\t-0.3988459000205521\t-0.9445982960407311\t-2.1011971049841307\t0.3867916033916995\t-1.4181696233434609\t-0.5192383517609591\t0.9789842607419063\t0.40508582774258556\t-0.7765281127198043\t1.1017576064074774\t-0.7922803547040447\t0.6100116286031322\t-0.3306263767151245\t-0.32042678881723646\t-0.7267249384746718\t-0.18435061102908676\t-2.646293296293553\t0.23852982942962941\t-1.2688817610198302\t1.452287979486792\t-1.446316001204991\t-0.039442465091911745\t0.8366452783370826\t-0.32080614910166755\t1.7326524695395533\t-0.43674374808586897\t0.0006425951063431532\t-0.5490831404626035\t0.4413887293067582\t-0.4330613886387762\t-0.5078891532344042\t-0.7156252974248424\t0.24730882154569564\t2.34264998959277\t1.3973125791335586\t0.1845204000538479\t1.2853732452582287\t1.976677027556592\t-1.0069633092095855\t1.1158189890375427\t-0.4935143775781184\t1.0352039943343663\t2.010059685469909\t-0.07145737231420544\t-0.0582415057117433\t-0.05500426148539334\t-0.1849607732851202\t0.6382535885768728\t-0.7976219502118782\t1.9065964797307375\t-2.1823257723449716\t-1.222003337203902\t0.5995685095364299\t0.5307364716391962\t0.9231332509108808\t0.5463410857422811\t1.2375305062148136\t-0.8053140950405908\t1.400537549212823\t-0.828851647296513\t-1.412316839028218\t-0.7750661967244074\t0.7871040721446222\t-0.11413232110538522\t-1.589665213428925\t1.8207914876493103\t0.8874790066565631\t-1.14489712094298'..b'317523741\t0.24107892253465\t0.24350121915887\t-0.27274824801804\t0.54381104462477\t0.51820246808255\t-0.86009434942919\t-1.21423044904284\t0.36792051934856\t1.94082103916430\t2.11497218011132\t-0.43432765000649\t0.84999093815312\t1.83997148290589\t-2.18970055774918\t0.83007009623657\t-0.36828110384226\t0.32488842221473\t-0.40800572079705\t1.32393049920405\t0.32899969445643\t-0.28744255330986\t-0.60348124002864\t-2.04249975403047\t-0.12214358859249\t-1.61254032348568\t334.59256835042021\n+0.59156531213735\t-0.11033751258127\t-0.51236076329509\t-0.02454130061915\t0.27734607491290\t0.58725946809788\t-0.70971120747053\t-0.60061928108883\t-0.45186439475169\t0.36767347630475\t-0.28352190645161\t2.22550996123369\t-1.19436828147964\t1.89224039000434\t1.01762849591326\t1.00772158295772\t1.64615065381323\t-1.52145268077060\t-0.03805465490844\t0.64006527712100\t1.11018655266838\t1.72123119765181\t-0.96688703561691\t0.50951459531196\t-0.62580619481323\t1.65406935887170\t-0.27590718483285\t-0.59168211787820\t1.04792553943564\t-1.44913283833913\t-1.71554047709632\t0.92937971799566\t0.45187539696618\t1.56973338225729\t0.09924302883050\t-1.43045835132095\t-1.77900521980859\t0.97878159675935\t0.45962084160257\t0.00203998931280\t0.67057138105928\t0.13284630812698\t0.47422403034583\t-0.35687701161565\t0.90670081209711\t-1.35109741007581\t1.35258835724488\t0.72577510861552\t-0.09572608603917\t1.02184266769816\t-0.88361389539080\t-0.94127337729540\t1.59477698865504\t1.02092398022724\t0.09230308711426\t-0.04862094515233\t0.21076381406530\t1.64185343672488\t-0.24434612500460\t0.35034932531788\t0.75172685734187\t0.41889930681095\t-1.19270821234849\t0.56363994003780\t1.05623566225127\t1.09453422287246\t-1.03407151900200\t-0.04100745586156\t-1.49164829714866\t-0.58664552154587\t0.42604107028870\t-1.86180235120416\t-0.49850298818036\t0.14073031758719\t-1.18336380112792\t-0.71721011226228\t-0.01462447874399\t-2.21756850024936\t0.68942651065361\t1.51410447510684\t-1.25650641629701\t0.67624979937259\t1.64272679099395\t-0.59274406249763\t2.66282719183090\t-1.58227678600233\t-0.05242307406752\t0.96243709558340\t-0.33997777557902\t0.57406693541952\t-1.36830195639258\t0.11957236699383\t0.90590645568978\t1.21752159269684\t1.02860799311460\t0.89057952995516\t0.02075411792998\t1.76027271828188\t0.98122091065469\t0.03053194235190\t-58.56926535911965\n+0.11442909702019\t-0.60013542716991\t-1.17498506051978\t0.37789812105231\t0.80426397769103\t-0.25412543454522\t0.19100846967688\t0.05793637913866\t-0.57265676903169\t0.67137704493643\t1.00486767335942\t1.08035585383206\t-0.58595322636766\t0.31773863810775\t-1.48177365409568\t0.86636864807494\t-0.68610025158762\t0.98118972532235\t0.01499274526023\t-0.96048079613058\t-1.42376242684708\t-1.41447921097575\t-1.07641241372230\t-0.53471921590327\t0.63968104716280\t0.00003821688661\t-1.64789645160895\t-0.47946793783441\t-0.58027590555339\t-0.35626565190656\t-0.35395058607792\t1.22971874563225\t-1.11134507414587\t-1.94996110855379\t-0.18462590495313\t-1.08253549941625\t0.28175986241297\t1.43139435246322\t-0.21681273301629\t2.03318107641510\t-0.85554039248279\t0.80865738804815\t-0.81274796855477\t0.96225703674330\t0.83971775809643\t0.16367264651409\t0.37612382180038\t-1.20540534803405\t-0.39646871176150\t0.50440678609316\t-2.12269357911018\t-1.73337919698402\t0.66146222578848\t-1.25318872693810\t-1.73345228013854\t-0.63842960648510\t-0.52108483212612\t-1.07578377352847\t-0.17170592241337\t-1.58621109170536\t0.90224730254889\t0.10062624722110\t0.73537091959573\t-0.47506469682613\t-0.64652941101725\t0.95479548044025\t-2.06126245571583\t-0.89892744374809\t-0.64543661765593\t1.56589257557317\t0.05620965608259\t0.18979697580970\t0.21927974168967\t1.08315275138023\t1.43153004847297\t-0.27009563032084\t-1.13690656369851\t1.80239042546146\t-0.76721517469843\t-1.13280035299273\t0.20345737220567\t1.40956378493415\t-0.31306670625260\t0.01704629098668\t1.72791506643712\t-1.12339337581082\t-2.57092069804582\t-0.82500883083613\t1.87542985267408\t0.31904409765191\t-0.74511306613439\t0.73266290512627\t1.27807444106703\t0.97324132419371\t0.97757166179023\t0.33609045136699\t-0.42708309660138\t0.82163782590776\t-0.64757790004240\t0.73025258429468\t-40.12207652891863\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/rfc_model01
b
Binary file test-data/rfc_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/rfc_result01
--- a/test-data/rfc_result01 Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/rfc_result01 Sun Dec 30 01:59:44 2018 -0500
b
@@ -1,4 +1,5 @@
-3.68258022948 2.82110345641 -3.990140724 -1.9523364774 0
+0 1 2 3 predicted
+3.68258022948 2.82110345641 -3.9901407239999998 -1.9523364774 1
 0.015942057224 -0.7119585943469999 0.125502976978 -0.972218263337 0
 2.0869076882499997 0.929399321468 -2.1292408448400004 -1.9971402218799998 1
 1.4132105208399999 0.523750660422 -1.4210539291 -1.49298569451 1
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/rfr_model01
b
Binary file test-data/rfr_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/rfr_result01
--- a/test-data/rfr_result01 Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/rfr_result01 Sun Dec 30 01:59:44 2018 -0500
b
@@ -1,5 +1,6 @@
-86.9702122735 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331 predicted
-91.2021798817 -0.6215229712070001 1.11914889596 0.390012184498 1.28956938152 0.8511213285107001
--47.4101632272 -0.638416457964 -0.7327774684530001 -0.8640261049779999 -1.06109770116 0.05344095304070007
-61.712804630200004 -1.0999480057700002 -0.739679672932 0.585657963012 1.4890682753600002 1.1892759745694002
--206.998295124 0.130238853011 0.70574123041 1.3320656526399999 -1.3322092373799999 -0.35023626536690006
+0 1 2 3 4 predicted
+86.97021227350001 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331 0.6686209127804698
+91.2021798817 -0.6215229712070001 1.11914889596 0.390012184498 1.28956938152 1.0374491367850487
+-47.4101632272 -0.638416457964 -0.7327774684530001 -0.8640261049779999 -1.06109770116 -0.16198314840411981
+61.712804630200004 -1.0999480057700002 -0.739679672932 0.585657963012 1.4890682753600002 1.1603837128651284
+-206.998295124 0.130238853011 0.70574123041 1.3320656526399999 -1.3322092373799999 -0.6710618307873705
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/roc_curve.txt
--- a/test-data/roc_curve.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/roc_curve.txt Sun Dec 30 01:59:44 2018 -0500
[
@@ -1,2 +1,2 @@
 roc_curve : 
-(array([0., 1.]), array([1., 1.]), array([1, 0]))
+(array([0., 0., 1.]), array([0., 1., 1.]), array([2, 1, 0]))
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/scurve.txt
--- a/test-data/scurve.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/scurve.txt Sun Dec 30 01:59:44 2018 -0500
b
b'@@ -1,101 +1,101 @@\n 0\t1\t2\t0\n-0.3977671870599717\t1.556578430899697\t-0.08251361596021634\t0.40908193877996885\n--0.8687998111588782\t1.5591967972214993\t1.4951634963628657\t-2.0888193347997555\n--0.6528985856951757\t1.2206563064187876\t0.2425546641524292\t-0.7114049471333452\n--0.10763690701724954\t0.6180006970488043\t-1.994190271652142\t3.2494384932879354\n-0.9990111870215757\t1.395469815025912\t1.0444595119827287\t-4.667914808555971\n-0.4123520816278936\t1.7192365914581302\t1.911024566505834\t-3.5666270101178843\n-0.9992598944951743\t1.2506475155136152\t-1.038466391220041\t1.6092722105544868\n-0.07044439596581016\t1.9648156592190993\t-1.9975157076843513\t3.071089864770035\n-0.2786297608351926\t1.9530002540317106\t1.9603985924484288\t-3.4239597268300024\n-0.6501166570301194\t0.33338826239771624\t-0.24016558892612527\t0.7077379561867405\n--0.5197257228645411\t0.04635627295680722\t-1.8543331744658698\t3.688122530567428\n--0.3902353755064801\t0.3214890970141633\t1.9207151305932344\t-2.740705430508417\n--0.17497560644179438\t1.8469936505181748\t1.9845727688446022\t-2.9657116612605137\n-0.5221484980242218\t1.907099699759068\t1.8528545866740995\t-3.690960851680461\n--0.4792533123380228\t0.4219568374368927\t1.8776766275873098\t-2.6417888938563703\n--0.9797742589851274\t0.7210505016292164\t-1.2001059754983456\t4.510922897610046\n-0.20263517733108996\t1.0987505232553443\t-1.9792543004286465\t2.9375444742802506\n--0.049689070724760004\t0.5436616983539442\t1.998764735185674\t-3.0918831130301685\n-0.16054679698370528\t0.9212032421497003\t-1.9870282295751591\t2.9803480424411313\n--0.848046462831257\t1.3923231296467706\t1.5299218780909065\t-2.1293047696406013\n--0.6001374278102054\t1.00071179334973\t0.20010308930378384\t-0.6436729046245641\n--0.8444784826965399\t1.4321419811286722\t-1.5355894810977433\t4.147183346058282\n-0.14728007148811859\t1.051911872459558\t-1.9890948288927885\t2.993774864346985\n--0.9996571179505837\t0.002798046238087659\t0.9738151469216869\t-1.544608480534027\n--0.08231500933732551\t0.789400573379671\t1.9966063612268368\t-3.0591844018653584\n--0.93150531410199\t0.9843339398022999\t0.6362722861813346\t-1.1985297274428728\n-0.9985631716839931\t0.8057606627582843\t1.0535872387458443\t-4.6587760616584815\n--0.7230904998637341\t0.7085966002126411\t1.6907533054620987\t-2.333326647720376\n-0.34762708311665286\t1.0012286388859064\t-1.937632876494744\t2.7865534936848286\n-0.9896822071936343\t0.8903532576622766\t1.1432798965812592\t-4.568614263590023\n-0.802561656573729\t0.1808655763928717\t-0.40343081926935587\t0.9315768804436803\n-0.8295686274528585\t0.5471258400548813\t-0.44159522535531603\t0.9783347317989111\n-0.5478589244187156\t1.8869541954854538\t1.8365707375558675\t-3.721395392287229\n--0.8968769078869208\t0.05308928266788393\t0.5577197584119364\t-1.112656818224533\n-0.9414877787137416\t0.07999737928130157\t1.3370471221248814\t-4.36861024611527\n--0.5123763050446365\t0.5662807194396391\t-1.8587610389560099\t3.6795422987583914\n--0.9838764948236677\t1.1646883404335377\t-1.1788492184313182\t4.5325722940439555\n-0.8446207585774639\t1.9817856058496541\t1.5353650849467395\t-4.147449045247767\n--0.5134635265087703\t1.9852844748059362\t-1.8581114187243855\t3.6808088125450618\n-0.6629704248661121\t1.9862347449620896\t-0.2513544124534983\t0.7247795566955495\n-0.7554072589100717\t0.22009666193312594\t-1.6552555785233514\t2.285317229744828\n-0.9414665775358844\t1.3289628919278802\t-0.6628936616097694\t1.2269546953393253\n-0.6970998337140184\t1.0479736689766257\t-0.2830259266640892\t0.771344491181049\n-0.9815033210055982\t0.34629981961746203\t1.1914451118597227\t-4.519754699320089\n--0.39737776530431507\t1.8859204898300514\t1.9176551158478596\t-2.732935119957695\n-0.4088057226043997\t0.4837201719525046\t-0.0873785663453358\t0.42114505503778177\n-0.5689610393575872\t1.997864537686424\t-1.8223644786182913\t2.536350733545226\n--0.7117248012522958\t1.1653876302997974\t1.7024584025281355\t-2.3496421099311062\n--0.9017093613161719\t0.36655800126115157\t1.4323427202056043\t-2.0178855783591256\n--0.1786879758312358\t0.7736908438355805\t-1.9839057918791492\t3.3212454573701335\n--0.9723842056197265\t0.3793470578242992\t-1.23338585360148'..b'9981961746\t1.19144511185972\t-4.51975469932009\n+-0.39737776530432\t1.88592048983005\t1.91765511584786\t-2.73293511995769\n+0.40880572260440\t0.48372017195250\t-0.08737856634534\t0.42114505503778\n+0.56896103935759\t1.99786453768642\t-1.82236447861829\t2.53635073354523\n+-0.71172480125230\t1.16538763029980\t1.70245840252814\t-2.34964210993111\n+-0.90170936131617\t0.36655800126115\t1.43234272020560\t-2.01788557835913\n+-0.17868797583124\t0.77369084383558\t-1.98390579187915\t3.32124545737013\n+-0.97238420561973\t0.37934705782430\t-1.23338585360148\t4.47683073216571\n+-0.46670740559088\t0.82154134605062\t-1.88441178054492\t3.62715683862448\n+-0.96972627581563\t1.18936013780341\t0.75580550785746\t-1.32410737612446\n+0.80264918483869\t1.43317218625668\t-0.40354858866980\t0.93172361431463\n+-0.97961162574302\t0.97378296473825\t0.79909937105844\t-1.36851911905928\n+-0.99791255777848\t0.61917963553341\t0.93542038225568\t-1.50617173609004\n+-0.10737008100010\t1.15488274565569\t1.99421912358697\t-3.03401519525838\n+-0.62053033447500\t0.88341563913749\t1.78418244305541\t-2.47217384154222\n+0.91193663680462\t0.71935620520107\t1.41033104982866\t-4.28957192937856\n+0.05116766471514\t0.64266386401763\t-0.00130992290521\t0.05119001832686\n+-0.91929803801872\t0.41641448039205\t0.60643791176621\t-1.16629314143751\n+0.76733212242118\t0.90251724812367\t-0.35875011586699\t0.87467029775790\n+0.94069506387414\t0.98368582052811\t-0.66074670701256\t1.22467332521808\n+0.22488014225528\t1.79815262958742\t1.97438643341297\t-3.36841267959257\n+-0.81182171546475\t1.45872092205888\t-1.58390538814081\t4.08885791768265\n+-0.87500135199695\t1.54017954583939\t-1.48412047467908\t4.20703126278048\n+0.82154938436974\t0.75087849512398\t-0.42986264019825\t0.96412328524223\n+-0.87126700078957\t0.68747907047077\t0.50919065480052\t-1.05777788763274\n+-0.96067491767947\t1.31007041199864\t0.72232446535292\t-1.28942268363907\n+-0.34769588110474\t1.42207598642100\t1.93760736679209\t-2.78648011856577\n+-0.86121371561088\t0.22707515043735\t1.50824298917320\t-2.10393972942553\n+-0.68364804192970\t0.26605737874715\t1.72981186258219\t-2.38884304067862\n+-0.06537388681621\t0.91207811521225\t1.99786083945736\t-3.07617211177039\n+-0.95089045248252\t0.31947246031702\t-1.30952761973303\t4.39769276488546\n+-0.91904458599080\t1.92328380754929\t-1.39415358549809\t4.30724228359896\n+0.79764487680537\t1.67523148972362\t-0.39687260839343\t0.92338022079859\n+0.82012784273065\t1.04032137407585\t-1.57218032260641\t2.17995823974852\n+-0.99779218141586\t0.43654451545631\t0.93358642679862\t-1.50433383401485\n+0.64665631513320\t0.26983744506480\t1.76278149564495\t-3.84478535850956\n+-0.33727714800813\t1.95814069096774\t0.05859460091228\t-0.34402306664559\n+0.08189332342924\t1.41408699137829\t-0.00335889931344\t0.08198513727442\n+0.67212785139840\t1.71995111389133\t1.74043510949615\t-3.87867149146120\n+0.26116197153766\t0.77434525565728\t-0.03470500642417\t0.26422575485318\n+-0.99726999031677\t0.50166803966345\t-1.07384149520151\t4.63848021571996\n+-0.83562138750324\t0.59887603788940\t0.45069416829314\t-0.98926303703773\n+-0.99977253923164\t1.71379105681003\t0.97867232318507\t-1.54946703276290\n+0.25977496592172\t0.94596798113644\t-1.96566918097264\t2.87880349232616\n+0.67753788404984\t1.32655409403226\t-1.73548787595532\t2.39718279848362\n+-0.98181280555323\t1.61145721487357\t1.18985156004547\t-1.76180728144481\n+0.95308405257346\t0.50596100929945\t-0.69729422085108\t1.26326597551748\n+0.37166713582053\t0.15914687794065\t-0.07163394065112\t0.38080415080844\n+-0.94128581409549\t1.46552121003143\t1.33761074654488\t-1.91517377819665\n+0.50263574695009\t1.92279495500721\t1.86449829721517\t-3.66823761100048\n+-0.98104238623297\t1.90760946833533\t1.19379328268628\t-1.76582359131701\n+-0.39444347866163\t0.98099810376780\t0.08107979555278\t-0.40546214696481\n+0.99734968930361\t1.26438412886551\t-0.92724288869125\t1.49797487095100\n+-0.73490346461986\t1.46599003967598\t1.67817173170940\t-2.31606833009633\n+0.97111212627401\t1.80481900649593\t-0.76137636704726\t1.32984803323919\n+-0.31012473730097\t0.32449383749640\t1.95069587530083\t-2.82626841764302\n+0.99637118283100\t0.81176264473512\t-0.91488557100025\t1.48557879322013\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/searchCV01
b
Binary file test-data/searchCV01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/searchCV02
b
Binary file test-data/searchCV02 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/sparse_u.txt
--- a/test-data/sparse_u.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/sparse_u.txt Sun Dec 30 01:59:44 2018 -0500
b
b'@@ -1,101 +1,101 @@\n 0\t1\t2\t3\t4\t5\t6\t7\t8\t9\t0\n--1.7497654730546974\t0.34268040332750216\t1.153035802563644\t-0.25243603652138985\t0.9813207869512316\t0.5142188413943821\t0.22117966922140045\t-1.0700433305682933\t-0.18949583082317534\t0.25500144427338167\t-3.2026895707176237\n--0.4580269855026243\t0.43516348812289213\t-0.5835950503226648\t0.816847071685779\t0.672720805709661\t-0.10441114339062771\t-0.5312803768519098\t1.0297326851333461\t-0.43813562270441736\t-1.1183182462554362\t-0.3226956819689937\n-1.6189816606752596\t1.5416051745134067\t-0.251879139213213\t-0.8424357382512976\t0.18451869056394285\t0.9370822011089522\t0.7310003438348087\t1.361556125145331\t-0.32623805920230253\t0.055676014854776905\t6.6047216717528965\n-0.22239960855530486\t-1.4432169952253369\t-0.7563523055944354\t0.8164540110192858\t0.7504447615341785\t-0.4559469274680022\t1.1896222680291255\t-1.690616826383604\t-1.3563990488613127\t-1.2324345139149262\t-2.5402638213726094\n--0.5444391616724643\t-0.6681717368134277\t0.007314563228903049\t-0.6129387354781626\t1.299748074755309\t-1.733095623653281\t-0.98331009912963\t0.3575077531673654\t-1.6135785028221759\t1.4707138666121289\t0.12371686928073311\n--1.1880175973177194\t-0.5497461935354897\t-0.9400461615447682\t-0.8279323643658708\t0.1088634678336795\t0.50780959049232\t-0.8622273465104797\t1.249469742726979\t-0.07961124591739943\t-0.8897314812650339\t0.24874422979446853\n--0.8817983894830175\t0.01863894948806016\t0.2378446219236218\t0.013548548628612411\t-1.635529399380822\t-1.044209877709317\t0.6130388816875463\t0.7362052133238238\t1.0269214393997905\t-1.4321906110589266\t-0.3078788026415402\n--1.841188300186717\t0.36609322616730366\t-0.3317771350528086\t-0.6892179780897532\t2.0346075615049335\t-0.5507144119145928\t0.7504533303268411\t-1.3069923390808191\t0.5805733357942744\t-1.1045230926622938\t-0.19844513286689391\n-0.6901214702247076\t0.6868900661384048\t-1.566687529578391\t0.9049741214666812\t0.7788223993230673\t0.4282328705967407\t0.10887198989791452\t0.028283634823073247\t-0.5788258247909884\t-1.1994511991939312\t5.457557440881324\n--1.7059520057381703\t0.3691639571070058\t1.8765734269621657\t-0.37690335016897475\t1.8319360818255361\t0.003017434031214063\t-0.07602346572462335\t0.003957593987599105\t-0.18501411089711395\t-2.4871515352227695\t-2.388554168522426\n--1.7046512057609624\t-1.1362610068273629\t-2.9733154740508856\t0.03331727813886288\t-0.24888866705810792\t-0.45017643501165083\t0.13242780114877378\t0.022213928039390988\t0.31736797594106797\t-0.7524141777250374\t1.946196089279402\n--1.2963918071501508\t0.095139443565453\t-0.42371509994342044\t-1.185983564929173\t-0.365461992676627\t-1.271023040846661\t1.5861709384232352\t0.6933906585165882\t-1.9580812342078666\t-0.13480131198999493\t0.8264174251866306\n--1.5406160245526137\t2.0467139684821385\t-1.3969993449532836\t-1.0971719846398227\t-0.23871286931467955\t-1.429066898448291\t0.9490047765052598\t-0.019397585962465276\t0.8945977057600133\t0.7596931198502055\t8.96789675053551\n--1.4977203810831696\t-1.193885976791938\t1.2962625863990573\t0.9522756260818906\t-1.2172541306410147\t-0.15726516737513793\t-1.5075851602643862\t0.10788413080661359\t0.7470556550991475\t0.4296764358626096\t-9.126817938253476\n--1.415042920852526\t-0.6407599230105716\t0.7796263036636958\t-0.43812091634884287\t2.0747931679465657\t-0.34329768218246975\t-0.6166293716831945\t0.7631836460599923\t0.19291719182330652\t-0.3484589306523706\t-4.730132384531053\n-2.2986539407136757\t-0.16520955264073184\t0.46629936835718944\t0.26998723863108903\t-0.3198310471180883\t-1.1477415998765863\t1.703623988120705\t-0.7221507700557533\t1.0936866496587212\t-0.2295177532399562\t3.157726161553892\n--0.008898663292110321\t-0.5431980084071721\t0.7530621876919789\t-1.6094388961729544\t1.943262263433996\t-1.4474361123195851\t0.13024845535270219\t0.9493608646609868\t-2.0151887171225265\t-0.07954058693411101\t-0.9240755528835013\n-0.30104946378806546\t-1.6848999616851803\t0.22239080944544862\t-0.6849217352472302\t-0.12620118371357705\t1.9902736497540905\t0.5229978045207515\t-0.016345402757487165\t-0.41581633584065\t-1.3585029367597998\t-2.2362357945556193\n--0.5144298913687853\t-0.21606012000326133\t0'..b'194420\t-1.08125857121519\t-0.06307879670507\t-0.50356048600791\t-2.05090576304937\t0.08725798075221\t-1.32944561779624\t-1.65101496770809\n+0.75637688792742\t0.82428920150463\t0.37967322200031\t0.52422365195372\t-0.45271329511708\t0.68759278675132\t0.91674695152792\t1.11971610167859\t1.26354483633054\t-1.45610559752933\t0.32205421816296\n+0.32128693891874\t-2.43702669941400\t0.97337371093006\t-0.64248112674987\t0.29283256357178\t-0.46398126201592\t0.38673364020325\t0.67249644253334\t-1.09097595301491\t-0.52700342019866\t-6.40574884617228\n+-0.30440284592937\t0.77081843337639\t-0.23575096986828\t-0.17778292517384\t2.28863529133324\t-2.52894751088469\t0.56775355409626\t0.07355255089438\t0.74832418672378\t0.91465664311128\t2.18526983290342\n+1.25223156262730\t-0.88472860123867\t1.17560948074634\t0.47969620845726\t-0.58996743406612\t0.86216891849810\t-1.47265712624577\t0.65231019836457\t-0.15168996527867\t1.34323688312126\t-4.23943249822781\n+-0.65948406246294\t-0.40906579310461\t-0.33858048238969\t-0.39661868538565\t-1.45824184628667\t-0.01090659216795\t-0.76657297567464\t0.84217249032250\t0.79187920141782\t-1.31762772533865\t0.55888844122735\n+0.01315303655787\t0.15323002771334\t-0.78639503041184\t1.36810521913452\t0.00400879553357\t0.45319420435997\t-0.40637868993132\t0.68411948932681\t2.88396925177584\t-0.58818877513993\t-1.21925440704826\n+0.36522540717597\t0.32310950138879\t0.58240426467360\t-0.00845748620002\t-1.72365143380736\t-1.02553725476702\t0.53492759374879\t-1.65002519482436\t0.66894730906415\t0.28032230350373\t-0.37071369664525\n+0.40271751266444\t0.59519151467352\t-0.04489492214522\t0.64534644308214\t-1.12745914989289\t0.22451442073277\t0.10571095020939\t-1.00134678404358\t-0.18618164454287\t1.99795151776873\t2.59957677613228\n+0.57255675159723\t-1.36871620107071\t-1.15772004612616\t1.06582622979255\t-1.65499679923647\t1.47713538228764\t-0.93286094213424\t0.13042091725382\t-0.03102869757093\t-0.08768373982573\t-1.99798668296313\n+0.61775947077628\t2.88575179539228\t1.75982110036090\t1.09133090752907\t-2.21346060739119\t-0.02398076189861\t1.23725351268738\t-0.45619206614093\t2.12474539951312\t0.24074228458820\t1.48332247916783\n+-0.05864391264017\t-0.87399991994747\t-0.12278570026443\t0.91179656231331\t-0.10746411474279\t-0.72747083460478\t1.59576290128042\t0.98774702734042\t-0.48811101691646\t0.62969480563024\t-2.66581892706104\n+-0.45339969843110\t0.60909959142993\t-0.85224895065849\t-0.05454962931514\t1.09079462734148\t-1.84634161455384\t-0.41243382161399\t-0.41546602951165\t-1.30175658921974\t-1.13609897454000\t2.95605090229365\n+-1.79763757816820\t-0.66155694349019\t2.54928569877370\t-1.63767562413715\t0.00631766181730\t0.54171265127420\t-0.13210003839032\t-0.37873629845671\t1.94062280466786\t-1.04187437109117\t-7.36529395665408\n+-0.28559377932837\t-0.59892262579212\t-0.38234037804602\t-0.98598081157493\t-1.36447657201091\t-0.82353342400180\t-1.68138681554986\t-0.91621993917044\t0.54362793226983\t1.52486260054826\t0.69972992752598\n+1.19741734779592\t-1.22250529739662\t-2.02376353002073\t0.05371174766609\t-0.53629036242314\t0.10714253527293\t0.61515218539276\t0.90506544040104\t1.65258564139881\t-0.84281968759992\t2.02183560039596\n+-0.06340532135398\t0.48905360189012\t0.70453542780530\t-1.07173556758791\t0.41375864841338\t-0.34502527403732\t1.24018981821212\t0.10342901781619\t-2.14185161440355\t-0.68365014168151\t1.26361248319262\n+-1.18079802759063\t1.18100216181730\t-1.06605525816211\t-0.74304592231484\t-0.88592524951272\t-0.49581833514280\t0.52738768762870\t-0.30175139488690\t0.35564438892659\t1.32813211314365\t4.35007881758459\n+0.23807425695170\t0.17185882517031\t1.11676824680888\t-0.01368885520815\t1.28290975661447\t-1.12997104581712\t0.75872144408905\t-1.09860423557013\t-0.30290404839246\t1.49961056170431\t-1.50599861767127\n+0.14614254213308\t1.90341641619205\t-0.30620639436988\t-0.45706533906365\t-2.38861407368411\t-0.86179917990581\t-0.53439383530306\t-1.26260428547622\t-1.02319884121943\t0.53846601124160\t4.25252010016803\n+1.71650277423513\t0.17912390469971\t-0.45596835004497\t0.32669169909967\t0.68196488401329\t-0.73798870708179\t1.32634484032934\t0.92700352399697\t0.21309224825039\t1.32833309213812\t2.24067452098234\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/svc_model01
b
Binary file test-data/svc_model01 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/svc_model02
b
Binary file test-data/svc_model02 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/svc_model03
b
Binary file test-data/svc_model03 has changed
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/svc_prediction_result03.tabular
--- a/test-data/svc_prediction_result03.tabular Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/svc_prediction_result03.tabular Sun Dec 30 01:59:44 2018 -0500
b
@@ -25,7 +25,7 @@
 1 -50 97 45 2
 1 -61 111 45 2
 2 -109 23 -92 2
-2 -94 20 -96 3
+2 -94 20 -96 1
 2 -85 26 -88 2
 2 -90 33 -114 0
 2 -63 9 -106 0
@@ -33,7 +33,7 @@
 2 -99 26 -108 1
 2 -81 19 -110 0
 2 -108 21 -108 1
-2 -92 27 -106 0
+2 -92 27 -106 1
 2 -88 2 -106 3
 2 -88 15 -103 3
 3 54 -74 4 3
b
diff -r 931b7b90377b -r 268ecaf96b68 test-data/swiss_r.txt
--- a/test-data/swiss_r.txt Thu Oct 11 03:36:25 2018 -0400
+++ b/test-data/swiss_r.txt Sun Dec 30 01:59:44 2018 -0500
b
b'@@ -1,101 +1,101 @@\n 0\t1\t2\t0\n--9.022432560391366\t16.34407352444682\t-3.911586790185589\t9.833859899549347\n-3.6324989224084425\t16.371566370825743\t6.373479468911753\t7.335958625969624\n--6.5999037486787\t12.81689121739727\t5.688948917237484\t8.713373013636033\n-12.600582699437291\t6.489007319012446\t1.3642134579818455\t12.674216454057314\n-0.21148781431603128\t14.652433057772075\t-4.752159504191911\t4.756863152213408\n-5.336919430343019\t18.05198421031037\t-2.4156207389915676\t5.8581509506514955\n-0.4244400906317155\t13.13179891289296\t-11.025883810051546\t11.034050171323868\n-12.464824437123061\t20.630564421800543\t-0.8802638610387414\t12.495867825539413\n-5.763177385414243\t20.50650266733296\t-1.6720065493379934\t6.000818233939377\n--7.699034264457019\t3.5005767551760205\t-6.587317375235983\t10.13251591695612\n-11.202785903218851\t0.4867408660464758\t6.815111686710793\t13.112900491336806\n-6.154126712593873\t3.3756355186487146\t2.6083615537589355\t6.684072530260963\n-6.3594207906583025\t19.393433330440836\t1.1301790428043181\t6.459066299508866\n-4.890112220636909\t20.024546847470212\t-2.9939039914563663\t5.7338171090889185\n-5.953270969209806\t4.430546793087373\t3.2507699778706525\t6.782989066913009\n-2.7886170145191778\t7.571030267106772\t13.653840981957098\t13.935700858379423\n-12.105857407807882\t11.536880494181116\t-2.5050413988504086\t12.362322435049629\n-6.325072045560973\t5.708447832716414\t0.31467565998177954\t6.332894847739211\n-12.244209556605643\t9.672634042571852\t-1.9916032459947095\t12.405126003210512\n-3.8660308550048237\t14.619392861291091\t6.186900234417021\t7.295473191128778\n--7.0239788069091595\t10.507473830172165\t5.269869801725942\t8.781105056144815\n-7.26899971380247\t15.037490801851058\t11.461229291605976\t13.571961306827662\n-12.283126381654526\t11.045074660825358\t-1.8290053478621142\t12.418552825116365\n--0.20634108007216687\t0.02937948549992042\t7.877467511574221\t7.880169480235352\n-6.343991033788326\t8.288706020486545\t0.5239838932388041\t6.365593558904021\n--2.992114463212683\t10.335506367924149\t7.662793944465749\t8.226248233326507\n-0.2553968816308009\t8.460486958961985\t-4.759153972628113\t4.766001899110898\n-4.898443435012139\t7.440264302232732\t5.1277610747119375\t7.091451313049004\n-11.449745837470637\t10.512900708302018\t-4.244989534482564\t12.211331454454207\n-0.6957906323135219\t9.348709205453904\t-4.806058806318065\t4.8561636971793565\n--6.178282122978317\t1.899088552125153\t-8.311613297429309\t10.35635484121306\n--5.809147798696848\t5.7448213205762535\t-8.630095917611289\t10.40311269256829\n-4.771282961878387\t19.813019052597266\t-3.1246490395170863\t5.70338256848215\n--3.676286947033984\t0.5574374680127813\t7.454949508307122\t8.312121142544846\n-1.7041667772049045\t0.8399724824536665\t-4.760320110473833\t5.0561677146541095\n-11.253479680884357\t5.94594755411621\t6.714343194698412\t13.104320259527771\n-2.4962611844455296\t12.229227574552146\t13.73230884573197\t13.957350254813335\n-2.82529764315011\t20.808748861421368\t-4.45734155189065\t5.277328915521612\n-11.246053659264389\t20.84548698546233\t6.7292408015927405\t13.105586773314442\n--7.598421450999555\t20.85546482210194\t-6.728856459556753\t10.149557517464928\n-7.673105198623886\t2.3110149502978223\t-8.845890909442362\t11.710095190514206\n--3.590766593212459\t13.954110365242743\t-10.028250288573874\t10.651732656108704\n--7.310355446606637\t11.00372352425457\t-7.107715265782408\t10.196122451950428\n-0.9390427269626991\t3.6361481059833514\t-4.81429662072219\t4.905023261449291\n-6.140803817320717\t19.80216514321554\t2.6591895538494246\t6.691842840811685\n--8.985600378339388\t5.079061805501299\t-4.025069673184332\t9.845923015807161\n-9.836407362386318\t20.977577645707452\t-6.805416213807093\t11.961128694314606\n-4.969988627449396\t12.236570118147872\t5.0355496572708605\t7.075135850838273\n-3.20231600088142\t3.8488590132420915\t6.678864199480768\t7.406892382410254\n-12.54088626453474\t8.123753860273595\t2.277561124484857\t12.746023418139512\n-3.2444388112344487\t3.983144107155142\t13.517704725715975\t13.901608692935088\n-11.5432848954881\t8.62618413353151\t6.0914346281664\t13.05193479939386\n--1.978139139431402\t12.488281446935813\t7.85543'..b'72219\t4.90502326144929\n+6.14080381732072\t19.80216514321554\t2.65918955384942\t6.69184284081168\n+-8.98560037833939\t5.07906180550130\t-4.02506967318433\t9.84592301580716\n+9.83640736238632\t20.97757764570745\t-6.80541621380709\t11.96112869431461\n+4.96998862744940\t12.23657011814787\t5.03554965727086\t7.07513585083827\n+3.20231600088142\t3.84885901324209\t6.67886419948077\t7.40689238241025\n+12.54088626453474\t8.12375386027360\t2.27756112448486\t12.74602341813951\n+3.24443881123445\t3.98314410715514\t13.51770472571597\t13.90160869293509\n+11.54328489548810\t8.62618413353151\t6.09143462816640\t13.05193479939386\n+-1.97813913943140\t12.48828144693581\t7.85543311765692\t8.10067058464492\n+-6.17714998090234\t15.04830795569514\t-8.31263754702176\t10.35650157508401\n+-1.61850746821552\t10.22472112975159\t7.89200482133423\t8.05625884171010\n+-0.51138056305762\t6.50138617310080\t7.90207659171039\t7.91860622467934\n+6.35381855577856\t12.12626882938480\t0.68617671578531\t6.39076276551100\n+5.45211008381264\t9.27586421094360\t4.31430175957628\t6.95260411922716\n+2.10713448194703\t7.55324015461126\t-4.68298251756532\t5.13520603139082\n+-9.46355519159139\t6.74797057218509\t-0.48486315240582\t9.47596797909624\n+-3.25022653114329\t4.37235204411648\t7.59200889141913\t8.25848481933186\n+-6.60452000241460\t9.47643110529852\t-7.90309749198288\t10.29944825852728\n+-3.61286141728060\t10.32870111554513\t-10.01788625769654\t10.64945128598746\n+5.90124016577200\t18.88060261066794\t-1.36195628598096\t6.05636528117681\n+7.89068480280119\t15.31656968161827\t10.97066306101087\t13.51363587845203\n+6.59943795203969\t16.17188523131361\t11.92785150077068\t13.63180922354986\n+-5.92310072764215\t7.88422419880175\t-8.53499542293883\t10.38890124601161\n+-4.10660182718020\t7.21853023994307\t7.28989105932790\t8.36700007313664\n+-2.25898912612109\t13.75573932598577\t7.81543176115041\t8.13535527713031\n+6.22411695981015\t14.93179785742045\t2.30810881728065\t6.63829784220360\n+3.72076470595161\t2.38428907959220\t6.30480629460181\t7.32083823134385\n+5.13490876903855\t2.79360247684508\t4.81010313126482\t7.03593492009076\n+6.33502516186602\t9.57682020972860\t0.41503304021319\t6.34860584899899\n+4.27843646254146\t3.35446083332871\t13.14365544274426\t13.82247072565484\n+5.41252501545014\t20.19447997926756\t12.62033886030277\t13.73202024436834\n+-6.24125765198132\t17.58993064209800\t-8.25415535789923\t10.34815818156797\n+6.64000170297454\t10.92337442779639\t-9.51736726558904\t11.60473620051790\n+-0.52602499579966\t4.58371741229124\t7.90295722301686\t7.92044412675453\n+4.25631510283951\t2.83329317318037\t-3.60833745464785\t5.57999260225982\n+-8.54867168512033\t20.56047725516125\t3.06273111245095\t9.08075489412379\n+-9.47483083800073\t14.84791340947201\t-0.77854042515321\t9.50676309804379\n+4.10653195087950\t18.05948669585893\t-3.72769262484286\t5.54610646930818\n+-9.35274677942807\t8.13062518440142\t-2.53039931260771\t9.68900371562256\n+1.03845201115681\t5.26751441646622\t14.02486534548972\t14.06325817648934\n+-4.63367754105607\t6.28819839783875\t7.04889668487289\t8.43551492373165\n+-0.16796208628964\t17.99480609650533\t7.87351960373171\t7.87531092800648\n+11.88118942484094\t9.93266380193264\t-3.19616245269299\t12.30358145309554\n+8.69490880845012\t13.92881798733869\t-8.00982627814450\t11.82196075925300\n+1.45482693805244\t16.92030075617249\t7.52360274153979\t7.66297067932457\n+-3.23533266731161\t5.31259059764421\t-10.18660422887945\t10.68804393628686\n+-9.10316962454735\t1.67104221837682\t-3.64441261846314\t9.80558211157782\n+2.53532307433492\t15.38797270533002\t7.06868388652787\t7.50960418257273\n+4.97651933022564\t20.18934702757571\t-2.89344295855440\t5.75654034976890\n+1.48425390920063\t20.02989941752092\t7.51375887065696\t7.65895436945237\n+-8.28803153159531\t10.30048008956189\t3.55761030474492\t9.01931581380457\n+-0.79470794357540\t13.27603335308786\t-10.89380414305644\t10.92275283172038\n+4.82092592045283\t15.39289541659784\t5.22421533655818\t7.10870963067305\n+-2.56630792573832\t18.95059956820729\t-10.44394771632344\t10.75462599400857\n+6.27317580578337\t3.40718529371220\t2.04636103864001\t6.59850954312636\n+-0.92862878529940\t8.52350776971879\t-10.87076506408071\t10.91035675398950\n'
b
diff -r 931b7b90377b -r 268ecaf96b68 utils.py
--- a/utils.py Thu Oct 11 03:36:25 2018 -0400
+++ b/utils.py Sun Dec 30 01:59:44 2018 -0500
[
b'@@ -1,21 +1,34 @@\n-import sys\n+import json\n+import numpy as np\n import os\n import pandas\n+import pickle\n import re\n-import pickle\n-import warnings\n-import numpy as np\n-import xgboost\n import scipy\n import sklearn\n+import sys\n+import warnings\n+import xgboost\n+\n from asteval import Interpreter, make_symbol_table\n-from sklearn import (cluster, decomposition, ensemble, feature_extraction, feature_selection,\n-                    gaussian_process, kernel_approximation, metrics,\n+from sklearn import (cluster, compose, decomposition, ensemble, feature_extraction,\n+                    feature_selection, gaussian_process, kernel_approximation, metrics,\n                     model_selection, naive_bayes, neighbors, pipeline, preprocessing,\n                     svm, linear_model, tree, discriminant_analysis)\n \n+try:\n+    import skrebate\n+except ModuleNotFoundError:\n+    pass\n+\n+\n N_JOBS = int(os.environ.get(\'GALAXY_SLOTS\', 1))\n \n+try:\n+    sk_whitelist\n+except NameError:\n+    sk_whitelist = None\n+\n \n class SafePickler(pickle.Unpickler):\n     """\n@@ -25,6 +38,13 @@\n     """\n     def find_class(self, module, name):\n \n+        # sk_whitelist could be read from tool\n+        global sk_whitelist\n+        if not sk_whitelist:\n+            whitelist_file = os.path.join(os.path.dirname(__file__), \'sk_whitelist.json\')\n+            with open(whitelist_file, \'r\') as f:\n+                sk_whitelist = json.load(f)\n+\n         bad_names = (\'and\', \'as\', \'assert\', \'break\', \'class\', \'continue\',\n                     \'def\', \'del\', \'elif\', \'else\', \'except\', \'exec\',\n                     \'finally\', \'for\', \'from\', \'global\', \'if\', \'import\',\n@@ -46,13 +66,14 @@\n                 or  (   (   module.startswith(\'sklearn.\')\n                             or module.startswith(\'xgboost.\')\n                             or module.startswith(\'skrebate.\')\n+                            or module.startswith(\'imblearn\')\n                             or module.startswith(\'numpy.\')\n                             or module == \'numpy\'\n                         )\n                         and (name not in bad_names)\n                     ):\n                 # TODO: replace with a whitelist checker\n-                if fullname not in sk_whitelist[\'SK_NAMES\'] + sk_whitelist[\'SKR_NAMES\'] + sk_whitelist[\'XGB_NAMES\'] + sk_whitelist[\'NUMPY_NAMES\'] + good_names:\n+                if fullname not in sk_whitelist[\'SK_NAMES\'] + sk_whitelist[\'SKR_NAMES\'] + sk_whitelist[\'XGB_NAMES\'] + sk_whitelist[\'NUMPY_NAMES\'] + sk_whitelist[\'IMBLEARN_NAMES\'] + good_names:\n                     print("Warning: global %s is not in pickler whitelist yet and will loss support soon. Contact tool author or leave a message at github.com" % fullname)\n                 mod = sys.modules[module]\n                 return getattr(mod, name)\n@@ -83,44 +104,56 @@\n         return y, data\n     else:\n         return y\n-    return y\n \n \n ## generate an instance for one of sklearn.feature_selection classes\n def feature_selector(inputs):\n-    selector = inputs["selected_algorithm"]\n+    selector = inputs[\'selected_algorithm\']\n     selector = getattr(sklearn.feature_selection, selector)\n-    options = inputs["options"]\n+    options = inputs[\'options\']\n \n     if inputs[\'selected_algorithm\'] == \'SelectFromModel\':\n         if not options[\'threshold\'] or options[\'threshold\'] == \'None\':\n             options[\'threshold\'] = None\n+        else:\n+            try:\n+                options[\'threshold\'] = float(options[\'threshold\'])\n+            except ValueError:\n+                pass\n         if inputs[\'model_inputter\'][\'input_mode\'] == \'prefitted\':\n             model_file = inputs[\'model_inputter\'][\'fitted_estimator\']\n             with open(model_file, \'rb\') as model_handler:\n                 fitted_estimator = load_model(model_handler)\n             new_selector = selector(fitted_estimator, prefit=True, **options)\n         else:\n-            estimator_json = inputs[\'model_inputter\']["estimator_selector"]\n+            estimator_json = inputs[\'model_in'..b'or_p":\n-            search_params["estimator__" + lst[0].strip()] = ev\n-        else:\n-            search_params["preprocessing_" + param_type[5:6] + "__" + lst[0].strip()] = ev\n-\n-    return search_params\n-\n \n def get_estimator(estimator_json):\n+\n     estimator_module = estimator_json[\'selected_module\']\n+\n+    if estimator_module == \'customer_estimator\':\n+        c_estimator = estimator_json[\'c_estimator\']\n+        with open(c_estimator, \'rb\') as model_handler:\n+            new_model = load_model(model_handler)\n+        return new_model\n+\n     estimator_cls = estimator_json[\'selected_estimator\']\n \n-    if estimator_module == "xgboost":\n+    if estimator_module == \'xgboost\':\n         cls = getattr(xgboost, estimator_cls)\n     else:\n         module = getattr(sklearn, estimator_module)\n@@ -244,7 +288,7 @@\n     estimator = cls()\n \n     estimator_params = estimator_json[\'text_params\'].strip()\n-    if estimator_params != "":\n+    if estimator_params != \'\':\n         try:\n             params = safe_eval(\'dict(\' + estimator_params + \')\')\n         except ValueError:\n@@ -256,32 +300,68 @@\n     return estimator\n \n \n-def get_cv(literal):\n-    safe_eval = SafeEval()\n-    if literal == "":\n-        return None\n-    if literal.isdigit():\n-        return int(literal)\n-    m = re.match(r\'^(?P<method>\\w+)\\((?P<args>.*)\\)$\', literal)\n-    if m:\n-        my_class = getattr(model_selection, m.group(\'method\'))\n-        args = safe_eval(\'dict(\'+ m.group(\'args\') + \')\')\n-        return my_class(**args)\n-    sys.exit("Unsupported CV input: %s" % literal)\n+def get_cv(cv_json):\n+    """\n+    cv_json:\n+            e.g.:\n+            {\n+                \'selected_cv\': \'StratifiedKFold\',\n+                \'n_splits\': 3,\n+                \'shuffle\': True,\n+                \'random_state\': 0\n+            }\n+    """\n+    cv = cv_json.pop(\'selected_cv\')\n+    if cv == \'default\':\n+        return cv_json[\'n_splits\'], None\n+\n+    groups = cv_json.pop(\'groups\', None)\n+    if groups:\n+        groups = groups.strip()\n+        if groups != \'\':\n+            if groups.startswith(\'__ob__\'):\n+                groups = groups[6:]\n+            if groups.endswith(\'__cb__\'):\n+                groups = groups[:-6]\n+            groups = [int(x.strip()) for x in groups.split(\',\')]\n+\n+    for k, v in cv_json.items():\n+        if v == \'\':\n+            cv_json[k] = None\n+\n+    test_fold = cv_json.get(\'test_fold\', None)\n+    if test_fold:\n+        if test_fold.startswith(\'__ob__\'):\n+            test_fold = test_fold[6:]\n+        if test_fold.endswith(\'__cb__\'):\n+            test_fold = test_fold[:-6]\n+        cv_json[\'test_fold\'] = [int(x.strip()) for x in test_fold.split(\',\')]\n+\n+    test_size = cv_json.get(\'test_size\', None)\n+    if test_size and test_size > 1.0:\n+        cv_json[\'test_size\'] = int(test_size)\n+\n+    cv_class = getattr(model_selection, cv)\n+    splitter = cv_class(**cv_json)\n+\n+    return splitter, groups\n+\n+\n+# needed when sklearn < v0.20\n+def balanced_accuracy_score(y_true, y_pred):\n+    C = metrics.confusion_matrix(y_true, y_pred)\n+    with np.errstate(divide=\'ignore\', invalid=\'ignore\'):\n+        per_class = np.diag(C) / C.sum(axis=1)\n+    if np.any(np.isnan(per_class)):\n+        warnings.warn(\'y_pred contains classes not in y_true\')\n+        per_class = per_class[~np.isnan(per_class)]\n+    score = np.mean(per_class)\n+    return score\n \n \n def get_scoring(scoring_json):\n-    def balanced_accuracy_score(y_true, y_pred):\n-        C = metrics.confusion_matrix(y_true, y_pred)\n-        with np.errstate(divide=\'ignore\', invalid=\'ignore\'):\n-            per_class = np.diag(C) / C.sum(axis=1)\n-        if np.any(np.isnan(per_class)):\n-            warnings.warn(\'y_pred contains classes not in y_true\')\n-            per_class = per_class[~np.isnan(per_class)]\n-        score = np.mean(per_class)\n-        return score\n \n-    if scoring_json[\'primary_scoring\'] == "default":\n+    if scoring_json[\'primary_scoring\'] == \'default\':\n         return None\n \n     my_scorers = metrics.SCORERS\n'