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

Changeset 0:c7b8fab00c0f (2018-02-16)
Next changeset 1:ef41c78f2167 (2018-02-16)
Commit message:
planemo upload for repository https://github.com/bgruening/galaxytools/tools/sklearn commit 0e582cf1f3134c777cce3aa57d71b80ed95e6ba9
added:
README.rst
main_macros.xml
numeric_clustering.xml
test-data/RF01704.fasta
test-data/accuracy_score.txt
test-data/auc.txt
test-data/average_precision_score.txt
test-data/blobs.txt
test-data/brier_score_loss.txt
test-data/circles.txt
test-data/class.txt
test-data/classification_report.txt
test-data/cluster_result01.txt
test-data/cluster_result02.txt
test-data/cluster_result03.txt
test-data/cluster_result04.txt
test-data/cluster_result05.txt
test-data/cluster_result06.txt
test-data/cluster_result07.txt
test-data/cluster_result08.txt
test-data/cluster_result09.txt
test-data/cluster_result10.txt
test-data/cluster_result11.txt
test-data/cluster_result12
test-data/cluster_result12.txt
test-data/cluster_result13.txt
test-data/cluster_result14.txt
test-data/cluster_result15.txt
test-data/cluster_result16.txt
test-data/cluster_result17.txt
test-data/cluster_result18.txt
test-data/cluster_result19.txt
test-data/cluster_result20.txt
test-data/cluster_result21.txt
test-data/confusion_matrix.txt
test-data/converter_result01.json
test-data/converter_result02.json
test-data/csc_sparse1.mtx
test-data/csc_sparse2.mtx
test-data/csc_stack_result01.mtx
test-data/csr_sparse1.mtx
test-data/csr_sparse2.mtx
test-data/csr_stack_result01.mtx
test-data/empty_file.txt
test-data/f1_score.txt
test-data/fbeta_score.txt
test-data/friedman1.txt
test-data/friedman2.txt
test-data/friedman3.txt
test-data/gaus.txt
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/glm_result01
test-data/glm_result02
test-data/glm_result03
test-data/glm_result04
test-data/glm_result05
test-data/glm_result06
test-data/glm_result07
test-data/glm_result08
test-data/hamming_loss.txt
test-data/hastie.txt
test-data/hinge_loss.txt
test-data/jaccard_similarity_score.txt
test-data/lda_model01
test-data/lda_model02
test-data/lda_prediction_result01.tabular
test-data/lda_prediction_result02.tabular
test-data/log_loss.txt
test-data/matthews_corrcoef.txt
test-data/moons.txt
test-data/nn_model01.txt
test-data/nn_model02.txt
test-data/nn_model03.txt
test-data/nn_prediction_result01.tabular
test-data/nn_prediction_result02.tabular
test-data/nn_prediction_result03.tabular
test-data/numeric_values.tabular
test-data/precision_recall_curve.txt
test-data/precision_recall_fscore_support.txt
test-data/precision_score.txt
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_result01
test-data/prp_result02
test-data/prp_result03
test-data/prp_result04
test-data/prp_result05
test-data/prp_result06
test-data/prp_result07
test-data/prp_result08
test-data/prp_result09
test-data/pw_metric01.tabular
test-data/pw_metric02.tabular
test-data/pw_metric03.tabular
test-data/qda_model01
test-data/qda_prediction_result01.tabular
test-data/recall_score.txt
test-data/regression.txt
test-data/regression_test.tabular
test-data/regression_train.tabular
test-data/rfc_model01
test-data/rfc_result01
test-data/rfc_result02
test-data/rfr_model01
test-data/rfr_result01
test-data/roc_auc_score.txt
test-data/roc_curve.txt
test-data/scurve.txt
test-data/sparse.mtx
test-data/sparse_u.txt
test-data/svc_model01.txt
test-data/svc_model02.txt
test-data/svc_model03.txt
test-data/svc_prediction_result01.tabular
test-data/svc_prediction_result02.tabular
test-data/svc_prediction_result03.tabular
test-data/swiss_r.txt
test-data/test.tabular
test-data/test2.tabular
test-data/test_set.tabular
test-data/train.tabular
test-data/train_set.tabular
test-data/vectorizer_result01.mtx
test-data/vectorizer_result02.mtx
test-data/vectorizer_result03.mtx
test-data/vectorizer_result04.mtx
test-data/y.tabular
test-data/zero_one_loss.txt
b
diff -r 000000000000 -r c7b8fab00c0f README.rst
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/README.rst Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,150 @@
+***************
+Galaxy wrapper for scikit-learn library
+***************
+
+Contents
+========
+- `What is scikit-learn?`_
+ - `Scikit-learn main package groups`_
+ - `Tools offered by this wrapper`_
+
+- `Machine learning workflows`_
+ - `Supervised learning workflows`_
+ - `Unsupervised learning workflows`_
+
+
+____________________________
+
+
+.. _What is scikit-learn?
+
+What is scikit-learn?
+===========================
+
+Scikit-learn is an open-source machine learning library for the Python programming language. It offers various algorithms for performing supervised and unsupervised learning as well as data preprocessing and transformation, model selection and evaluation, and dataset utilities. It is built upon SciPy (Scientific Python) library.
+
+Scikit-learn source code can be accessed at https://github.com/scikit-learn/scikit-learn.
+Detailed installation instructions can be found at http://scikit-learn.org/stable/install.html
+
+
+.. _Scikit-learn main package groups:
+
+======
+Scikit-learn main package groups
+======
+
+Scikit-learn provides the users with several main groups of related operations.
+These are:
+
+- Classification
+    - Identifying to which category an object belongs.
+- Regression
+    - Predicting a continuous-valued attribute associated with an object.
+- Clustering
+    - Automatic grouping of similar objects into sets.
+- Preprocessing
+    - Feature extraction and normalization.
+- Model selection and evaluation
+    - Comparing, validating and choosing parameters and models.
+- Dimensionality reduction
+    - Reducing the number of random variables to consider.
+
+Each group consists of a number of well-known algorithms from the category. For example, one can find hierarchical, spectral, kmeans, and other clustering methods in sklearn.cluster package.
+
+
+.. _Tools offered by this wrapper:
+
+===================
+Available tools in the current wrapper
+===================
+
+The current release of the wrapper offers a subset of the packages from scikit-learn library. You can find:
+
+- A subset of classification metric functions
+- Linear and quadratic discriminant classifiers
+- Random forest and Ada boost classifiers and regressors
+- All the clustering methods
+- All support vector machine classifiers
+- A subset of data preprocessing estimator classes
+- Pairwise metric measurement functions
+
+In addition, several tools for performing matrix operations, generating problem-specific datasets, and encoding text and extracting features have been prepared to help the user with more advanced operations.
+
+.. _Machine learning workflows:
+
+Machine learning workflows
+===============
+
+Machine learning is about processes. No matter what machine learning algorithm we use, we can apply typical workflows and dataflows to produce more robust models and better predictions.
+Here we discuss supervised and unsupervised learning workflows.
+
+.. _Supervised learning workflows:
+
+===================
+Supervised machine learning workflows
+===================
+
+**What is supervised learning?**
+
+In this machine learning task, given sample data which are labeled, the aim is to build a model which can predict the labels for new observations.
+In practice, there are five steps which we can go through to start from raw input data and end up getting reasonable predictions for new samples:
+
+1. Preprocess the data::
+
+    * Change the collected data into the proper format and datatype.
+    * Adjust the data quality by filling the missing values, performing
+    required scaling and normalizations, etc.
+    * Extract features which are the most meaningfull for the learning task.
+    * Split the ready dataset into training and test samples.
+
+2. Choose an algorithm::
+
+    * These factors help one to choose a learning algorithm:
+        - Nature of the data (e.g. linear vs. nonlinear data)
+        - Structure of the predicted output (e.g. binary vs. multilabel classification)
+        - Memory and time usage of the training
+        - Predictive accuracy on new data
+        - Interpretability of the predictions
+
+3. Choose a validation method
+
+ Every machine learning model should be evaluated before being put into practicical use.
+ There are numerous performance metrics to evaluate machine learning models.
+ For supervised learning, usually classification or regression metrics are used.
+
+ A validation method helps to evaluate the performance metrics of a trained model in order
+ to optimize its performance or ultimately switch to a more efficient model.
+ Cross-validation is a known validation method.
+
+4. Fit a model
+
+   Given the learning algorithm, validation method, and performance metric(s)
+   repeat the following steps::
+
+    * Train the model.
+    * Evaluate based on metrics.
+    * Optimize unitl satisfied.
+
+5. Use fitted model for prediction::
+
+ This is a final evaluation in which, the optimized model is used to make predictions
+ on unseen (here test) samples. After this, the model is put into production.
+
+.. _Unsupervised learning workflows:
+
+=======================
+Unsupervised machine learning workflows
+=======================
+
+**What is unsupervised learning?**
+
+Unlike supervised learning and more liklely in real life, here the initial data is not labeled.
+The task is to extract the structure from the data and group the samples based on their similarities.
+Clustering and dimensionality reduction are two famous examples of unsupervised learning tasks.
+
+In this case, the workflow is as follows::
+
+    * Preprocess the data (without splitting to train and test).
+    * Train a model.
+    * Evaluate and tune parameters.
+    * Analyse the model and test on real data.
b
diff -r 000000000000 -r c7b8fab00c0f main_macros.xml
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/main_macros.xml Fri Feb 16 09:17:59 2018 -0500
[
b'@@ -0,0 +1,807 @@\n+<macros>\n+  <token name="@VERSION@">0.9</token>\n+\n+  <token name="@COLUMNS_FUNCTION@">\n+def columns(f,c):\n+  data = pandas.read_csv(f, sep=\'\\t\', header=None, index_col=None, parse_dates=True, encoding=None, tupleize_cols=False)\n+  cols = c.split (\',\')\n+  cols = map(int, cols)\n+  cols = list(map(lambda x: x - 1, cols))\n+  y = data.iloc[:,cols].values\n+  return y\n+  </token>\n+\n+  <xml name="python_requirements">\n+      <requirements>\n+          <requirement type="package" version="2.7">python</requirement>\n+          <requirement type="package" version="0.19.1">scikit-learn</requirement>\n+          <requirement type="package" version="0.22.0">pandas</requirement>\n+          <yield />\n+      </requirements>\n+  </xml>\n+\n+  <xml name="macro_stdio">\n+    <stdio>\n+        <exit_code range="1:" level="fatal" description="Error occurred. Please check Tool Standard Error"/>\n+    </stdio>\n+  </xml>\n+\n+\n+  <!--Generic interface-->\n+  <xml name="train_loadConditional" token_train="tabular" token_data="tabular" token_model="txt">\n+    <conditional name="selected_tasks">\n+        <param name="selected_task" type="select" label="Select a Classification Task">\n+            <option value="train" selected="true">Train a model</option>\n+            <option value="load">Load a model and predict</option>\n+        </param>\n+        <when value="load">\n+            <param name="infile_model" type="data" format="@MODEL@" label="Models" help="Select a model file."/>\n+            <param name="infile_data" type="data" format="@DATA@" label="Data (tabular)" help="Select the dataset you want to classify."/>\n+            <conditional name="prediction_options">\n+                <param name="prediction_option" type="select" label="Select the type of prediction">\n+                    <option value="predict">Predict class labels</option>\n+                    <option value="advanced">Include advanced options</option>\n+                </param>\n+                <when value="predict">\n+                </when>\n+                <when value="advanced">\n+                </when>\n+            </conditional>\n+        </when>\n+        <when value="train">\n+            <param name="infile_train" type="data" format="@TRAIN@" label="Training samples (tabular)"/>\n+            <conditional name="selected_algorithms">\n+                <yield />\n+            </conditional>\n+        </when>\n+    </conditional>\n+  </xml>\n+\n+  <xml name="sl_Conditional" token_train="tabular" token_data="tabular" token_model="txt">\n+    <conditional name="selected_tasks">\n+        <param name="selected_task" type="select" label="Select a Classification Task">\n+            <option value="train" selected="true">Train a model</option>\n+            <option value="load">Load a model and predict</option>\n+        </param>\n+        <when value="load">\n+            <param name="infile_model" type="data" format="@MODEL@" label="Models" help="Select a model file."/>\n+            <param name="infile_data" type="data" format="@DATA@" label="Data (tabular)" help="Select the dataset you want to classify."/>\n+            <conditional name="prediction_options">\n+                <param name="prediction_option" type="select" label="Select the type of prediction">\n+                    <option value="predict">Predict class labels</option>\n+                    <option value="advanced">Include advanced options</option>\n+                </param>\n+                <when value="predict">\n+                </when>\n+                <when value="advanced">\n+                </when>\n+            </conditional>\n+        </when>\n+        <when value="train">\n+            <conditional name="selected_algorithms">\n+                <yield />\n+            </conditional>\n+        </when>\n+    </conditional>\n+  </xml>\n+\n+  <xml name="advanced_section">\n+    <section name="options" title="Advanced Options" expanded="False">\n+      <yield />\n+    </section>\n+  </xml>\n+\n+\n+  <!--Generalized Linear Models-->\n+  <xml name="lo'..b'ata for performing inplace scaling" help=" "/>\n+        <param argument="with_mean" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"\n+            label="Center the data before scaling" help=" "/>\n+        <param argument="with_std" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"\n+            label="Scale the data to unit variance (or unit standard deviation)" help=" "/>\n+      </section>\n+    </when>\n+    <when value="MaxAbsScaler">\n+      <expand macro="multitype_input" format="tabular,txt" help="Tabular and sparse datasets are supporetd."/>\n+      <section name="options" title="Advanced Options" expanded="False">\n+        <param argument="copy" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"\n+            label="Use a copy of data for precomputing scaling" help=" "/>\n+      </section>\n+    </when>\n+    <when value="Normalizer">\n+      <expand macro="multitype_input" format="tabular,txt" help="Tabular and sparse datasets are supporetd."/>\n+      <section name="options" title="Advanced Options" expanded="False">\n+        <param argument="norm" type="select" optional="true" label="The norm to use to normalize non zero samples" help=" ">\n+          <option value="l1" selected="true">l1</option>\n+          <option value="l2">l2</option>\n+          <option value="max">max</option>\n+        </param>\n+        <param argument="copy" type="boolean" optional="true" truevalue="booltrue" falsevalue="boolfalse" checked="true"\n+            label="Use a copy of data for precomputing row normalization" help=" "/>\n+      </section>\n+    </when>\n+    <yield/>\n+  </xml>\n+\n+  <!-- Outputs -->\n+\n+  <xml name="output">\n+    <outputs>\n+      <data format="tabular" name="outfile_predict">\n+          <filter>selected_tasks[\'selected_task\'] == \'load\'</filter>\n+      </data>\n+      <data format="zip" name="outfile_fit">\n+          <filter>selected_tasks[\'selected_task\'] == \'train\'</filter>\n+      </data>\n+    </outputs>\n+  </xml>\n+\n+\n+  <!--Citations-->\n+  <xml name="eden_citation">\n+    <citations>\n+        <citation type="bibtex">\n+            @misc{fabrizio_costa_2015_15094,\n+              author       = {Fabrizio Costa and\n+                              Bj\xc3\xb6rn Gr\xc3\xbcning and\n+                              gigolo},\n+              title        = {EDeN: EDeN - Graph Vectorizer},\n+              month        = feb,\n+              year         = 2015,\n+              doi          = {10.5281/zenodo.15094},\n+              url          = {http://dx.doi.org/10.5281/zenodo.15094}\n+                    }\n+                        }\n+        </citation>\n+    </citations>\n+  </xml>\n+\n+  <xml name="sklearn_citation">\n+    <citations>\n+        <citation type="bibtex">\n+            @article{scikit-learn,\n+             title={Scikit-learn: Machine Learning in {P}ython},\n+             author={Pedregosa, F. and Varoquaux, G. and Gramfort, A. and Michel, V.\n+                     and Thirion, B. and Grisel, O. and Blondel, M. and Prettenhofer, P.\n+                     and Weiss, R. and Dubourg, V. and Vanderplas, J. and Passos, A. and\n+                     Cournapeau, D. and Brucher, M. and Perrot, M. and Duchesnay, E.},\n+             journal={Journal of Machine Learning Research},\n+             volume={12},\n+             pages={2825--2830},\n+             year={2011}\n+             url = {https://github.com/scikit-learn/scikit-learn}\n+            }\n+        </citation>\n+    </citations>\n+  </xml>\n+\n+  <xml name="scipy_citation">\n+    <citations>\n+        <citation type="bibtex">\n+          @Misc{,\n+          author =    {Eric Jones and Travis Oliphant and Pearu Peterson and others},\n+          title =     {{SciPy}: Open source scientific tools for {Python}},\n+          year =      {2001--},\n+          url = "http://www.scipy.org/",\n+          note = {[Online; accessed 2016-04-09]}\n+        }\n+        </citation>\n+    </citations>\n+  </xml>\n+\n+</macros>\n'
b
diff -r 000000000000 -r c7b8fab00c0f numeric_clustering.xml
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/numeric_clustering.xml Fri Feb 16 09:17:59 2018 -0500
[
b'@@ -0,0 +1,388 @@\n+<tool id="sklearn_numeric_clustering" name="Numeric Clustering" version="@VERSION@">\n+    <description></description>\n+    <macros>\n+        <import>main_macros.xml</import>\n+    </macros>\n+    <expand macro="python_requirements"/>\n+    <expand macro="macro_stdio"/>\n+    <version_command>echo "@VERSION@"</version_command>\n+    <command><![CDATA[\n+    python "$cluster_script" \'$inputs\'\n+]]>\n+    </command>\n+    <configfiles>\n+        <inputs name="inputs"/>\n+        <configfile name="cluster_script">\n+<![CDATA[\n+import sys\n+import json\n+import numpy as np\n+import sklearn.cluster\n+import pandas\n+from sklearn import metrics\n+from scipy.io import mmread\n+\n+input_json_path = sys.argv[1]\n+params = json.load(open(input_json_path, "r"))\n+\n+selected_algorithm = params["input_types"]["algorithm_options"]["selected_algorithm"]\n+\n+my_class = getattr(sklearn.cluster, selected_algorithm)\n+cluster_object = my_class()\n+options = params["input_types"]["algorithm_options"]["options"]\n+\n+cluster_object.set_params(**options)\n+\n+#if $input_types.selected_input_type == "sparse":\n+data_matrix = mmread(open("$infile", \'r\'))\n+#else:\n+data = pandas.read_csv("$infile", sep=\'\\t\', header=0, index_col=None, parse_dates=True, encoding=None, tupleize_cols=False )\n+\n+start_column = $input_types.start_column\n+end_column = $input_types.end_column\n+\n+if end_column and start_column:\n+    if  end_column >= start_column:\n+        data_matrix = data.values[:, start_column-1:end_column]\n+    else:\n+        data_matrix = data.values\n+else:\n+    data_matrix = data.values\n+#end if\n+\n+prediction = cluster_object.fit_predict( data_matrix )\n+\n+if len(np.unique(prediction)) > 1:\n+    silhouette_score = metrics.silhouette_score(data_matrix,prediction,metric=\'euclidean\')\n+else:\n+    silhouette_score = -1\n+sys.stdout.write(\'silhouette score:\' + \'\\t\' + str(silhouette_score) + \'\\n\')\n+\n+prediction_df = pandas.DataFrame(prediction)\n+\n+#if $input_types.selected_input_type == "sparse":\n+res = prediction_df\n+#else:\n+res = pandas.concat([data, prediction_df], axis=1)\n+#end if\n+\n+res.to_csv(path_or_buf = "$outfile", sep="\\t", index=False, header=False)\n+]]>\n+        </configfile>\n+    </configfiles>\n+    <inputs>\n+        <conditional name="input_types">\n+            <param name="selected_input_type" type="select" label="Select the format of input data">\n+                <option value="tabular" selected="true">Tabular Format (tabular, txt)</option>\n+                <option value="sparse">Sparse Vector Representation (mtx)</option>\n+            </param>\n+            <when value="sparse">\n+                <param name="infile" type="data" format="txt" label="Sparse vector (scipy.sparse.csr_matrix) file:" help="The following clustering algorithms support sparse matrix operations: \'\'Birch\'\', \'\'DBSCAN\'\', \'\'KMeans\'\', \'\'Mini BatchK Means\'\', and \'\'Spectral Clustering\'\'. If your data is in tabular format, please use other clustering algorithms."/>\n+                <expand macro="clustering_algorithms_options"/>\n+            </when>\n+            <when value="tabular">\n+                <param name="infile" type="data" format="tabular" label="Data file with numeric values"/>\n+                <param name="start_column" type="data_column" data_ref="infile" optional="True" label="Select a subset of data. Start column:" />\n+                <param name="end_column" type="data_column" data_ref="infile" optional="True" label="End column:" />\n+                <!--expand macro="clustering_algorithms_options"-->\n+                <conditional name="algorithm_options">\n+                    <param name="selected_algorithm" type="select" label="Clustering Algorithm">\n+                        <option value="AgglomerativeClustering">Hierarchical Agglomerative Clustering</option>\n+                        <option value="AffinityPropagation">Affinity Propagation</option>\n+                        <option value="SpectralClustering">Spectral Clustering</option>\n+                        <option value='..b'           <param name="random_state" value="100"/>\n+            <output name="outfile" file="cluster_result14.txt"/>\n+        </test>\n+        <test>\n+            <param name="infile" value="numeric_values.tabular" ftype="tabular"/>\n+            <param name="selected_algorithm" value="MiniBatchKMeans"/>\n+            <param name="selected_input_type" value="tabular"/>\n+            <param name="n_init" value="5"/>\n+            <param name="start_column" value="2" />\n+            <param name="end_column" value="4" />\n+            <param name="batch_size" value="10"/>\n+            <param name="n_clusters" value="4"/>\n+            <param name="random_state" value="100"/>\n+            <param name="reassignment_ratio" value="1.0"/>\n+            <output name="outfile" file="cluster_result15.txt"/>\n+        </test>\n+        <test>\n+            <param name="infile" value="numeric_values.tabular" ftype="tabular"/>\n+            <param name="selected_algorithm" value="KMeans"/>\n+            <param name="selected_input_type" value="tabular"/>\n+            <param name="start_column" value="1" />\n+            <param name="end_column" value="1" />\n+            <param name="n_clusters" value="4" />\n+            <param name="random_state" value="100"/>\n+            <output name="outfile" file="cluster_result16.txt"/>\n+        </test>\n+        <test>\n+            <param name="infile" value="sparse.mtx" ftype="txt"/>\n+            <param name="selected_input_type" value="sparse"/>\n+            <param name="selected_algorithm" value="KMeans"/>\n+            <param name="n_clusters" value="2" />\n+            <param name="init" value="k-means++" />\n+            <param name="random_state" value="100"/>\n+            <output name="outfile" file="cluster_result17.txt"/>\n+        </test>\n+        <test>\n+            <param name="infile" value="sparse.mtx" ftype="txt"/>\n+            <param name="selected_algorithm" value="DBSCAN"/>\n+            <param name="selected_input_type" value="sparse"/>\n+            <param name="algorithm" value="kd_tree"/>\n+            <param name="leaf_size" value="10"/>\n+            <param name="eps" value="1.0"/>\n+            <output name="outfile" file="cluster_result18.txt"/>\n+        </test>\n+        <test>\n+            <param name="infile" value="sparse.mtx" ftype="txt"/>\n+            <param name="selected_algorithm" value="Birch"/>\n+            <param name="selected_input_type" value="sparse"/>\n+            <param name="n_clusters" value="2"/>\n+            <param name="threshold" value="0.008"/>\n+            <output name="outfile" file="cluster_result19.txt"/>\n+        </test>\n+        <test>\n+            <param name="infile" value="sparse.mtx" ftype="txt"/>\n+            <param name="selected_algorithm" value="MiniBatchKMeans"/>\n+            <param name="selected_input_type" value="sparse"/>\n+            <param name="n_init" value="5"/>\n+            <param name="batch_size" value="10"/>\n+            <param name="n_clusters" value="2"/>\n+            <param name="random_state" value="100"/>\n+            <param name="reassignment_ratio" value="1.0"/>\n+            <output name="outfile" file="cluster_result20.txt"/>\n+        </test>\n+        <test>\n+            <param name="infile" value="sparse.mtx" ftype="txt"/>\n+            <param name="selected_algorithm" value="SpectralClustering"/>\n+            <param name="selected_input_type" value="sparse"/>\n+            <param name="assign_labels" value="discretize"/>\n+            <param name="n_clusters" value="2"/>\n+            <param name="random_state" value="100"/>\n+            <param name="degree" value="2"/>\n+            <output name="outfile" file="cluster_result21.txt"/>\n+        </test>\n+    </tests>\n+    <help><![CDATA[\n+**What it does**\n+This tool offers different clustering algorithms which are provided by\n+scikit-learn to find similarities among samples and cluster the samples based on these similarities.\n+    ]]></help>\n+    <expand macro="sklearn_citation"/>\n+</tool>\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/RF01704.fasta
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/RF01704.fasta Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,4 @@
+>CP000097.1/1411351-1411410
+CAACGUUCACCUCACAUUUGUGAGGCGCAGACAACCCAGGCCAAGGAACGGGGACCUGGA
+>ACNY01000002.1/278641-278580
+GAUCGUUCACUUCGCAUCGCGCGAAGCGCAGUUCGCCUCAGGCCAUGGAACGGGGACCUGAG
b
diff -r 000000000000 -r c7b8fab00c0f test-data/accuracy_score.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/accuracy_score.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+accuracy_score : 
+0.8461538461538461
b
diff -r 000000000000 -r c7b8fab00c0f test-data/auc.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/auc.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+auc : 
+2.5
b
diff -r 000000000000 -r c7b8fab00c0f test-data/average_precision_score.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/average_precision_score.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+average_precision_score : 
+1.0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/blobs.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/blobs.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,101 @@
+0 1 0
+0.3368184589673989 -3.402879612990731 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
b
diff -r 000000000000 -r c7b8fab00c0f test-data/brier_score_loss.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/brier_score_loss.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+brier_score_loss : 
+0.5641025641025641
b
diff -r 000000000000 -r c7b8fab00c0f test-data/circles.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/circles.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +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
b
diff -r 000000000000 -r c7b8fab00c0f test-data/class.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/class.txt Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +1,101 @@\n+0\t1\t2\t3\t4\t5\t6\t7\t8\t9\t10\t11\t12\t13\t14\t15\t16\t17\t18\t19\t0\n+1.103931098477063\t1.1137324694427062\t2.929660893432376\t0.8263678474871072\t-0.5024439301629023\t-0.9778311716440287\t-0.6702242261982462\t-0.3783418745400049\t-1.9100911341304148\t0.41080891898717925\t1.6359138753477174\t-0.3544401787737543\t-0.7776883945882607\t-0.711126068648103\t-1.1632958763488586\t2.881523323585383\t-0.3331610016599995\t1.0249635446624175\t-1.204722529676112\t0.9686027151980944\t1\n+-0.5270034201986623\t-2.4370266994140035\t-0.46398126201591683\t0.6724964425333426\t0.32128693891873533\t-1.4561055975293318\t0.9733737109300644\t1.2635448363305384\t-0.9655190314614323\t-0.30440284592936967\t0.2928325635717791\t-0.642481126749871\t-0.17778292517384178\t-0.23575096986827987\t0.770818433376395\t1.002493460919832\t0.44402946209787597\t0.38673364020325446\t-1.0909759530149077\t0.4374172416803542\t1\n+0.6343790937890923\t-0.7044557030990274\t-1.5479925634100813\t-1.1375423986557498\t0.7574995244231507\t-0.2586895904715146\t1.2113185073849615\t0.8255591814670258\t1.0488550790559334\t-0.013557918030451043\t-0.36824556412752163\t-1.8422341740345995\t0.9791413360462421\t-0.23658235285975457\t0.3758968273279556\t-0.7379662029189028\t-0.9558490082424093\t-0.45167227065102006\t-0.13587675227718632\t-0.43481791249648283\t0\n+-0.2749398078895973\t-0.602759369823714\t-0.34817063773317436\t1.2165805903649096\t0.08822993442548502\t-0.9828118947823061\t1.1255554529825982\t-0.5951138391567017\t1.359567367140958\t1.14745743851399\t-2.2691569946862655\t0.9270532988002531\t-1.28390481061431\t0.702184505359777\t1.1599689740750685\t-0.7022781266128805\t-1.5820069707072104\t-0.1640254026760564\t-0.6268539047283007\t-0.5343960171949464\t0\n+-0.8451664655381013\t0.9592831641658773\t0.29032122469609184\t1.4456183940991385\t-2.2668849557948265\t0.49356800079005453\t0.9973927328851383\t-1.7077448427289017\t-1.525140006218017\t-0.2628130337984583\t-0.6987088119151889\t0.12372879270054708\t-0.37829745272534815\t-0.0010588423370812654\t3.1974829539733727\t1.7610392441369824\t0.461991697252764\t-0.8707192095484595\t0.4949902726326138\t0.7113500316301005\t1\n+-0.6479921130452116\t-0.9442706004373587\t0.20181386383006028\t-1.0034745347115275\t-0.9369221110721804\t-1.003380717730042\t-0.7275212508545039\t-0.1820208348243829\t0.869148773329888\t-0.7855214383236936\t0.1360612935062583\t2.0654861372867295\t-1.2399203282859266\t-0.44615385943239716\t1.7347311831934773\t-0.6314619246803259\t-0.76518919295205\t1.2707549044789055\t-0.7323378102483927\t-0.3626096934734513\t0\n+-0.06451309551365764\t-0.7249330776348837\t0.5963143554325262\t-1.379225616134922\t1.1667980284973485\t-2.274070053731467\t0.7411405179848544\t-0.6631329812615014\t-1.567155162052582\t-0.09527290234272089\t-0.7316650418582739\t-1.0020134142607244\t-0.6953396335230776\t1.5807860908438993\t0.3379535699933314\t1.8800551896643136\t0.37962716233848903\t0.5363444440333102\t0.1390867505544731\t0.7390508093906831\t1\n+0.7576049876525334\t0.8726631262318649\t0.8478637181249223\t0.30198299200599726\t1.0101338828657191\t-1.3836221562341127\t1.0376123351490436\t1.0937481979752155\t1.3929535047023875\t0.8760511854123076\t-1.2981174812942935\t0.3025477016355275\t-0.14253519602584672\t1.2887025562956078\t2.1562199933480133\t-1.0111580468681463\t-1.2275056029861684\t-0.2688763993683175\t-2.2719054986176683\t-0.5810422898079113\t0\n+2.5394320331114613\t0.46034921066168377\t0.8315330299051433\t-0.9396024430587621\t-0.37614736761593637\t-0.17996331764913345\t1.455421460737774\t1.5223077678776793\t1.1770030840483332\t0.40359841542535574\t-0.03766667059723912\t0.2415068878754467\t-0.44558826380657596\t1.2774520318648948\t-1.8848343873195796\t-0.23434224565939143\t-1.8735210102773319\t2.299369468755593\t0.11182257854217889\t-0.41968753568332984\t0\n+-1.1654317335035704\t-0.23406889069910192\t-1.3485118844184532\t0.7912949804001552\t-0.19206908223922012\t-2.752037662677927\t-1.6014139415281856\t-0.5108631934878929\t1.4041570989659866\t0.5382460975045578\t0.012866884184724063\t0.7910261496852212\t-0.5285056361126661\t-2.874968879865529\t-0.8428605517089753\t-1.4276668142409976\t-0.6865704170544349\t0.8660591728218054\t1.176952513690'..b'153635800724\t0.6364125215344348\t0.5362734706812686\t1\n+1.0759409181533681\t0.6338708137850724\t1.059455516811933\t0.2736075032324234\t-1.1004879462237114\t0.8983820725024066\t-0.9152704846639929\t-0.8347039847535137\t-1.3994538124984017\t0.06937008395653746\t-0.4322117530530746\t-1.297471755359271\t-0.9256383920977915\t-1.5287869947378168\t0.46665199638203264\t1.3984163949968078\t0.7172731124783118\t-2.1595920504682318\t0.2178924553288528\t0.627726734926914\t1\n+1.1631257343736865\t0.7161109143496656\t1.165181781246556\t-0.0970197604214342\t1.770668260834617\t0.09786380091576943\t-0.25203469271235573\t-0.07117035012372852\t1.2621614052889216\t-2.204226920077547\t-0.833481645415412\t1.668179441254334\t0.6299876168291397\t-0.4391047192362273\t-0.12336287720355432\t-2.4752753514344055\t0.9905764766530935\t0.16824138572933983\t-1.108371640458861\t-0.7056991628790823\t0\n+-0.4653767839296524\t0.5706552646301977\t-1.2510825198094822\t-0.38542737502404606\t0.5418393251037328\t0.8696564647003973\t-0.2677426807372017\t1.3874400614164746\t-1.6989225614176242\t-0.8543980754353178\t-0.7126300388983264\t0.39242735549607893\t0.7427861661062981\t0.23731164772086588\t0.17840259925316965\t2.264950231927068\t0.10561848543619334\t1.7893962060023398\t-0.33937719999794\t0.8272635120183163\t1\n+1.0658262297925543\t0.2245144207327693\t1.9979515177687335\t-1.3687162010707115\t-1.1274591498928925\t0.6453464430821444\t0.10571095020938731\t-0.04489492214522473\t0.4070092579150457\t-1.6549967992364703\t-0.1861816445428681\t-1.0013467840435817\t0.13042091725382485\t-0.9328609421342365\t1.4771353822876396\t1.0854915441340736\t-2.221251309417225\t0.5725567515972323\t-1.1577200461261594\t-0.011036089287608658\t1\n+-1.0583794427218747\t2.576977679031155\t-0.5895820679190702\t0.13438281144361666\t0.36102541634537905\t1.5183620699261768\t1.5873212424728582\t-0.7273069057149364\t0.4522026560345715\t-0.02860552628379647\t-0.018212347104613166\t0.687677616154882\t0.5422573331869172\t0.10659762229930982\t-1.2522775141080984\t0.7277335248049872\t-1.8227895144219035\t-0.7301662802248373\t0.9715535632493052\t-0.0672408254641321\t1\n+-0.1099953959208559\t1.6635363107373078\t0.3272453529764515\t-1.4246555886796946\t1.2410820871966046\t-0.15951736500333072\t-0.661937714925914\t0.4234572818376501\t1.1246881843788494\t0.9529594279919252\t0.39143861927191975\t3.465227148479317\t-0.24134874955198468\t-1.0945571896156956\t-0.9833626436429376\t-1.480187693017323\t-0.09583127396217472\t-0.31134706056867467\t-0.6248721853412322\t-0.5454408106982881\t0\n+0.9291001132966914\t-0.1708304076874391\t0.5364439368681257\t0.2630766894332881\t-0.1295965590136687\t0.9929416493373554\t0.7904280904722739\t-0.01912275129904966\t1.5057113544481104\t-1.9314128569290476\t-0.40508326392063543\t1.0918159072154612\t0.1881369570559398\t-1.213691539345214\t0.02421534060406341\t-1.96631401509566\t-0.14897841915958698\t-2.1313146599852018\t-1.2710579854942345\t-0.7284633084773273\t0\n+0.6336131127287113\t2.0333233170635046\t-0.022356711144941453\t-0.22007309599774338\t0.9282123550423084\t-0.787901129200937\t0.5812629099886915\t0.377426024051308\t0.15067520175237897\t-2.340925516401822\t0.07371157701560777\t1.560723423781778\t-0.38910754054643126\t1.0173191686261756\t-0.4198460795464502\t-0.4257545472403689\t0.2939445657648525\t0.6855820937261274\t-2.068890495355913\t-0.09921878204870066\t0\n+2.049778771444076\t1.3048378295965286\t1.563792608618236\t-0.7047392202425459\t0.5499305970570395\t-0.04884518704139992\t0.5223109585785488\t-1.4893434370374596\t1.3606389947395752\t0.3899429971033616\t0.055686488142052015\t0.8438100462780511\t1.6850310129308619\t1.2652993760910154\t-0.2279594058376745\t-1.9365760629271713\t0.0807919955941725\t-0.6380407350109051\t-1.0466273798176675\t-0.6766362607223333\t0\n+0.630742979769623\t-0.12660063112597814\t-1.1219892377344292\t-0.24320231504242704\t-0.11846930012185257\t0.35618373486097415\t-0.35432027228237667\t0.6830976831702715\t-1.2988376519016114\t-0.12917328933680922\t0.4878147649765918\t1.6226344780340827\t0.46020710543895615\t-0.9537377215409267\t0.8308526010187456\t1.1069055404414496\t0.9232784698807094\t-1.2718116679596179\t-0.5666412777157238\t0.5606432963172591\t1\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/classification_report.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/classification_report.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,9 @@
+classification_report : 
+             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
+
+avg / total       0.91      0.85      0.85        39
+
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result01.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result01.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 1
+2 -94 20 -96 1
+2 -85 26 -88 1
+2 -90 33 -114 1
+2 -63 9 -106 1
+2 -79 9 -93 1
+2 -99 26 -108 1
+2 -81 19 -110 1
+2 -108 21 -108 1
+2 -92 27 -106 1
+2 -88 2 -106 1
+2 -88 15 -103 1
+3 54 -74 4 3
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 3
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result02.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result02.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 3
+0 51 48 -73 3
+0 58 65 -49 3
+0 43 61 -49 3
+0 45 43 -79 3
+0 42 60 -98 3
+0 50 55 -59 3
+0 53 53 -56 3
+0 45 44 -61 3
+0 43 65 -84 3
+0 35 52 -75 3
+0 56 56 -70 3
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 0
+2 -94 20 -96 0
+2 -85 26 -88 0
+2 -90 33 -114 0
+2 -63 9 -106 0
+2 -79 9 -93 0
+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 1
+3 39 -99 -7 1
+3 48 -115 -5 1
+3 39 -96 2 1
+3 31 -109 9 1
+3 33 -96 -8 1
+3 23 -102 4 1
+3 38 -90 21 1
+3 34 -107 1 1
+3 35 -78 18 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result03.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result03.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 -1
+0 51 48 -73 -1
+0 58 65 -49 -1
+0 43 61 -49 -1
+0 45 43 -79 -1
+0 42 60 -98 -1
+0 50 55 -59 -1
+0 53 53 -56 -1
+0 45 44 -61 -1
+0 43 65 -84 -1
+0 35 52 -75 -1
+0 56 56 -70 -1
+1 -61 86 43 -1
+1 -67 93 15 -1
+1 -59 94 36 -1
+1 -50 92 62 -1
+1 -78 91 70 -1
+1 -35 87 47 -1
+1 -56 91 52 -1
+1 -61 81 46 -1
+1 -83 78 34 -1
+1 -50 87 45 -1
+1 -67 73 50 -1
+1 -50 97 45 -1
+1 -61 111 45 -1
+2 -109 23 -92 -1
+2 -94 20 -96 -1
+2 -85 26 -88 -1
+2 -90 33 -114 -1
+2 -63 9 -106 -1
+2 -79 9 -93 -1
+2 -99 26 -108 -1
+2 -81 19 -110 -1
+2 -108 21 -108 -1
+2 -92 27 -106 -1
+2 -88 2 -106 -1
+2 -88 15 -103 -1
+3 54 -74 4 -1
+3 42 -92 31 -1
+3 39 -99 -7 -1
+3 48 -115 -5 -1
+3 39 -96 2 -1
+3 31 -109 9 -1
+3 33 -96 -8 -1
+3 23 -102 4 -1
+3 38 -90 21 -1
+3 34 -107 1 -1
+3 35 -78 18 -1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result04.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result04.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 1
+0 51 48 -73 1
+0 58 65 -49 1
+0 43 61 -49 1
+0 45 43 -79 1
+0 42 60 -98 1
+0 50 55 -59 1
+0 53 53 -56 1
+0 45 44 -61 1
+0 43 65 -84 1
+0 35 52 -75 1
+0 56 56 -70 1
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 3
+2 -94 20 -96 3
+2 -85 26 -88 3
+2 -90 33 -114 3
+2 -63 9 -106 3
+2 -79 9 -93 3
+2 -99 26 -108 3
+2 -81 19 -110 3
+2 -108 21 -108 3
+2 -92 27 -106 3
+2 -88 2 -106 3
+2 -88 15 -103 3
+3 54 -74 4 0
+3 42 -92 31 0
+3 39 -99 -7 0
+3 48 -115 -5 0
+3 39 -96 2 0
+3 31 -109 9 0
+3 33 -96 -8 0
+3 23 -102 4 0
+3 38 -90 21 0
+3 34 -107 1 0
+3 35 -78 18 0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result05.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result05.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 0
+2 -94 20 -96 0
+2 -85 26 -88 0
+2 -90 33 -114 0
+2 -63 9 -106 0
+2 -79 9 -93 0
+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 1
+3 39 -99 -7 1
+3 48 -115 -5 1
+3 39 -96 2 1
+3 31 -109 9 1
+3 33 -96 -8 1
+3 23 -102 4 1
+3 38 -90 21 1
+3 34 -107 1 1
+3 35 -78 18 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result06.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result06.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 1
+1 -67 93 15 1
+1 -59 94 36 1
+1 -50 92 62 1
+1 -78 91 70 1
+1 -35 87 47 1
+1 -56 91 52 1
+1 -61 81 46 1
+1 -83 78 34 1
+1 -50 87 45 1
+1 -67 73 50 1
+1 -50 97 45 1
+1 -61 111 45 1
+2 -109 23 -92 2
+2 -94 20 -96 2
+2 -85 26 -88 2
+2 -90 33 -114 2
+2 -63 9 -106 2
+2 -79 9 -93 2
+2 -99 26 -108 2
+2 -81 19 -110 2
+2 -108 21 -108 2
+2 -92 27 -106 2
+2 -88 2 -106 2
+2 -88 15 -103 2
+3 54 -74 4 3
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 3
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result07.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result07.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 1
+1 -67 93 15 1
+1 -59 94 36 1
+1 -50 92 62 1
+1 -78 91 70 1
+1 -35 87 47 1
+1 -56 91 52 1
+1 -61 81 46 1
+1 -83 78 34 1
+1 -50 87 45 1
+1 -67 73 50 1
+1 -50 97 45 1
+1 -61 111 45 1
+2 -109 23 -92 2
+2 -94 20 -96 2
+2 -85 26 -88 2
+2 -90 33 -114 2
+2 -63 9 -106 2
+2 -79 9 -93 2
+2 -99 26 -108 2
+2 -81 19 -110 2
+2 -108 21 -108 2
+2 -92 27 -106 2
+2 -88 2 -106 2
+2 -88 15 -103 2
+3 54 -74 4 3
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 3
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result08.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result08.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 0
+1 -67 93 15 0
+1 -59 94 36 0
+1 -50 92 62 0
+1 -78 91 70 0
+1 -35 87 47 0
+1 -56 91 52 0
+1 -61 81 46 0
+1 -83 78 34 0
+1 -50 87 45 0
+1 -67 73 50 0
+1 -50 97 45 0
+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 0
+2 -79 9 -93 0
+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 1
+3 39 -99 -7 1
+3 48 -115 -5 1
+3 39 -96 2 1
+3 31 -109 9 1
+3 33 -96 -8 1
+3 23 -102 4 1
+3 38 -90 21 1
+3 34 -107 1 1
+3 35 -78 18 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result09.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result09.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 0
+1 -67 93 15 0
+1 -59 94 36 0
+1 -50 92 62 0
+1 -78 91 70 0
+1 -35 87 47 0
+1 -56 91 52 0
+1 -61 81 46 0
+1 -83 78 34 0
+1 -50 87 45 0
+1 -67 73 50 0
+1 -50 97 45 0
+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 0
+2 -79 9 -93 0
+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 1
+3 39 -99 -7 1
+3 48 -115 -5 1
+3 39 -96 2 1
+3 31 -109 9 1
+3 33 -96 -8 1
+3 23 -102 4 1
+3 38 -90 21 1
+3 34 -107 1 1
+3 35 -78 18 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result10.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result10.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 3
+0 51 48 -73 3
+0 58 65 -49 3
+0 43 61 -49 3
+0 45 43 -79 3
+0 42 60 -98 3
+0 50 55 -59 3
+0 53 53 -56 3
+0 45 44 -61 3
+0 43 65 -84 3
+0 35 52 -75 3
+0 56 56 -70 3
+1 -61 86 43 0
+1 -67 93 15 0
+1 -59 94 36 0
+1 -50 92 62 0
+1 -78 91 70 0
+1 -35 87 47 0
+1 -56 91 52 0
+1 -61 81 46 0
+1 -83 78 34 0
+1 -50 87 45 0
+1 -67 73 50 0
+1 -50 97 45 0
+1 -61 111 45 0
+2 -109 23 -92 2
+2 -94 20 -96 2
+2 -85 26 -88 2
+2 -90 33 -114 2
+2 -63 9 -106 2
+2 -79 9 -93 2
+2 -99 26 -108 2
+2 -81 19 -110 2
+2 -108 21 -108 2
+2 -92 27 -106 2
+2 -88 2 -106 2
+2 -88 15 -103 2
+3 54 -74 4 1
+3 42 -92 31 1
+3 39 -99 -7 1
+3 48 -115 -5 1
+3 39 -96 2 1
+3 31 -109 9 1
+3 33 -96 -8 1
+3 23 -102 4 1
+3 38 -90 21 1
+3 34 -107 1 1
+3 35 -78 18 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result11.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result11.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 2
+0 51 48 -73 2
+0 58 65 -49 2
+0 43 61 -49 2
+0 45 43 -79 2
+0 42 60 -98 2
+0 50 55 -59 2
+0 53 53 -56 2
+0 45 44 -61 2
+0 43 65 -84 2
+0 35 52 -75 2
+0 56 56 -70 2
+1 -61 86 43 0
+1 -67 93 15 0
+1 -59 94 36 0
+1 -50 92 62 0
+1 -78 91 70 0
+1 -35 87 47 0
+1 -56 91 52 0
+1 -61 81 46 0
+1 -83 78 34 0
+1 -50 87 45 0
+1 -67 73 50 0
+1 -50 97 45 0
+1 -61 111 45 0
+2 -109 23 -92 1
+2 -94 20 -96 1
+2 -85 26 -88 1
+2 -90 33 -114 1
+2 -63 9 -106 1
+2 -79 9 -93 1
+2 -99 26 -108 1
+2 -81 19 -110 1
+2 -108 21 -108 1
+2 -92 27 -106 1
+2 -88 2 -106 1
+2 -88 15 -103 1
+3 54 -74 4 3
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 3
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result12
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result12 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+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 000000000000 -r c7b8fab00c0f test-data/cluster_result12.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result12.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 1
+0 51 48 -73 1
+0 58 65 -49 1
+0 43 61 -49 0
+0 45 43 -79 1
+0 42 60 -98 1
+0 50 55 -59 1
+0 53 53 -56 1
+0 45 44 -61 0
+0 43 65 -84 1
+0 35 52 -75 1
+0 56 56 -70 1
+1 -61 86 43 2
+1 -67 93 15 1
+1 -59 94 36 1
+1 -50 92 62 0
+1 -78 91 70 1
+1 -35 87 47 1
+1 -56 91 52 0
+1 -61 81 46 2
+1 -83 78 34 1
+1 -50 87 45 0
+1 -67 73 50 1
+1 -50 97 45 0
+1 -61 111 45 1
+2 -109 23 -92 0
+2 -94 20 -96 3
+2 -85 26 -88 3
+2 -90 33 -114 3
+2 -63 9 -106 0
+2 -79 9 -93 1
+2 -99 26 -108 3
+2 -81 19 -110 3
+2 -108 21 -108 3
+2 -92 27 -106 3
+2 -88 2 -106 0
+2 -88 15 -103 3
+3 54 -74 4 1
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 1
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result13.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result13.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 4
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 1
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 2
+0 53 53 -56 2
+0 45 44 -61 0
+0 43 65 -84 4
+0 35 52 -75 1
+0 56 56 -70 0
+1 -61 86 43 0
+1 -67 93 15 0
+1 -59 94 36 0
+1 -50 92 62 0
+1 -78 91 70 1
+1 -35 87 47 0
+1 -56 91 52 0
+1 -61 81 46 0
+1 -83 78 34 0
+1 -50 87 45 0
+1 -67 73 50 1
+1 -50 97 45 0
+1 -61 111 45 0
+2 -109 23 -92 0
+2 -94 20 -96 0
+2 -85 26 -88 0
+2 -90 33 -114 1
+2 -63 9 -106 0
+2 -79 9 -93 1
+2 -99 26 -108 3
+2 -81 19 -110 0
+2 -108 21 -108 0
+2 -92 27 -106 3
+2 -88 2 -106 1
+2 -88 15 -103 0
+3 54 -74 4 0
+3 42 -92 31 1
+3 39 -99 -7 1
+3 48 -115 -5 1
+3 39 -96 2 1
+3 31 -109 9 1
+3 33 -96 -8 1
+3 23 -102 4 0
+3 38 -90 21 1
+3 34 -107 1 1
+3 35 -78 18 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result14.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result14.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 2
+0 51 48 -73 2
+0 58 65 -49 5
+0 43 61 -49 5
+0 45 43 -79 2
+0 42 60 -98 2
+0 50 55 -59 5
+0 53 53 -56 5
+0 45 44 -61 2
+0 43 65 -84 2
+0 35 52 -75 2
+0 56 56 -70 2
+1 -61 86 43 1
+1 -67 93 15 1
+1 -59 94 36 1
+1 -50 92 62 1
+1 -78 91 70 7
+1 -35 87 47 1
+1 -56 91 52 1
+1 -61 81 46 7
+1 -83 78 34 7
+1 -50 87 45 1
+1 -67 73 50 7
+1 -50 97 45 1
+1 -61 111 45 1
+2 -109 23 -92 6
+2 -94 20 -96 6
+2 -85 26 -88 6
+2 -90 33 -114 6
+2 -63 9 -106 3
+2 -79 9 -93 3
+2 -99 26 -108 6
+2 -81 19 -110 6
+2 -108 21 -108 6
+2 -92 27 -106 6
+2 -88 2 -106 3
+2 -88 15 -103 6
+3 54 -74 4 4
+3 42 -92 31 4
+3 39 -99 -7 0
+3 48 -115 -5 0
+3 39 -96 2 0
+3 31 -109 9 0
+3 33 -96 -8 0
+3 23 -102 4 0
+3 38 -90 21 4
+3 34 -107 1 0
+3 35 -78 18 4
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result15.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result15.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 1
+0 51 48 -73 1
+0 58 65 -49 1
+0 43 61 -49 1
+0 45 43 -79 1
+0 42 60 -98 1
+0 50 55 -59 1
+0 53 53 -56 1
+0 45 44 -61 1
+0 43 65 -84 1
+0 35 52 -75 1
+0 56 56 -70 1
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 3
+2 -94 20 -96 3
+2 -85 26 -88 3
+2 -90 33 -114 3
+2 -63 9 -106 3
+2 -79 9 -93 3
+2 -99 26 -108 3
+2 -81 19 -110 3
+2 -108 21 -108 3
+2 -92 27 -106 3
+2 -88 2 -106 3
+2 -88 15 -103 3
+3 54 -74 4 0
+3 42 -92 31 0
+3 39 -99 -7 0
+3 48 -115 -5 0
+3 39 -96 2 0
+3 31 -109 9 0
+3 33 -96 -8 0
+3 23 -102 4 0
+3 38 -90 21 0
+3 34 -107 1 0
+3 35 -78 18 0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result16.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result16.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 3
+2 -94 20 -96 3
+2 -85 26 -88 3
+2 -90 33 -114 3
+2 -63 9 -106 3
+2 -79 9 -93 3
+2 -99 26 -108 3
+2 -81 19 -110 3
+2 -108 21 -108 3
+2 -92 27 -106 3
+2 -88 2 -106 3
+2 -88 15 -103 3
+3 54 -74 4 1
+3 42 -92 31 1
+3 39 -99 -7 1
+3 48 -115 -5 1
+3 39 -96 2 1
+3 31 -109 9 1
+3 33 -96 -8 1
+3 23 -102 4 1
+3 38 -90 21 1
+3 34 -107 1 1
+3 35 -78 18 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result17.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result17.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,4 @@
+0
+1
+0
+0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result18.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result18.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,4 @@
+-1
+-1
+-1
+-1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result19.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result19.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,4 @@
+0
+1
+0
+0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result20.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result20.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,4 @@
+0
+1
+0
+0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/cluster_result21.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result21.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,4 @@
+0
+1
+0
+0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/confusion_matrix.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/confusion_matrix.txt Fri Feb 16 09:17:59 2018 -0500
[
@@ -0,0 +1,4 @@
+confusion_matrix : 
+[[14  0  0]
+ [ 0 10  6]
+ [ 0  0  9]]
b
diff -r 000000000000 -r c7b8fab00c0f test-data/converter_result01.json
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/converter_result01.json Fri Feb 16 09:17:59 2018 -0500
[
b'@@ -0,0 +1,2 @@\n+{"directed": false, "graph": {"info": "RNAfold", "id": "CP000097.1/1411351-1411410", "structure": "....((((.((((((....)))))).)..)))...(((((((..(...)..)).))))).", "sequence": "CAACGUUCACCUCACAUUUGUGAGGCGCAGACAACCCAGGCCAAGGAACGGGGACCUGGA"}, "nodes": [{"position": 0, "id": 0, "label": "C"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "A"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "C"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "A"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "U"}, {"position": 18, "id": 18, "label": "U"}, {"position": 19, "id": 19, "label": "G"}, {"position": 20, "id": 20, "label": "U"}, {"position": 21, "id": 21, "label": "G"}, {"position": 22, "id": 22, "label": "A"}, {"position": 23, "id": 23, "label": "G"}, {"position": 24, "id": 24, "label": "G"}, {"position": 25, "id": 25, "label": "C"}, {"position": 26, "id": 26, "label": "G"}, {"position": 27, "id": 27, "label": "C"}, {"position": 28, "id": 28, "label": "A"}, {"position": 29, "id": 29, "label": "G"}, {"position": 30, "id": 30, "label": "A"}, {"position": 31, "id": 31, "label": "C"}, {"position": 32, "id": 32, "label": "A"}, {"position": 33, "id": 33, "label": "A"}, {"position": 34, "id": 34, "label": "C"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "A"}, {"position": 38, "id": 38, "label": "G"}, {"position": 39, "id": 39, "label": "G"}, {"position": 40, "id": 40, "label": "C"}, {"position": 41, "id": 41, "label": "C"}, {"position": 42, "id": 42, "label": "A"}, {"position": 43, "id": 43, "label": "A"}, {"position": 44, "id": 44, "label": "G"}, {"position": 45, "id": 45, "label": "G"}, {"position": 46, "id": 46, "label": "A"}, {"position": 47, "id": 47, "label": "A"}, {"position": 48, "id": 48, "label": "C"}, {"position": 49, "id": 49, "label": "G"}, {"position": 50, "id": 50, "label": "G"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "A"}, {"position": 54, "id": 54, "label": "C"}, {"position": 55, "id": 55, "label": "C"}, {"position": 56, "id": 56, "label": "U"}, {"position": 57, "id": 57, "label": "G"}, {"position": 58, "id": 58, "label": "G"}, {"position": 59, "id": 59, "label": "A"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 4, "type": "basepair", "target": 31, "len": 1, "label": "="}, {"source": 5, "type": "basepair", "target": 30, "len": 1, "label": "="}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "basepair", "target": 29, "len": 1, "label": "="}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 7, "type": "basepair", "target": 26, "len": 1, "label": "="}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 23, "len": 1, "la'..b'e": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 36, "type": "basepair", "target": 61, "len": 1, "label": "="}, {"source": 37, "type": "basepair", "target": 60, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 59, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 41, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 42, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 43, "type": "basepair", "target": 53, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}, {"source": 59, "type": "backbone", "target": 60, "len": 1, "label": "-"}, {"source": 60, "type": "backbone", "target": 61, "len": 1, "label": "-"}], "multigraph": false}\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/converter_result02.json
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/converter_result02.json Fri Feb 16 09:17:59 2018 -0500
[
b'@@ -0,0 +1,4 @@\n+{"directed": false, "graph": {"info": "RNAshapes shape_type=2 energy_range=4 max_num=3", "id": "CP000097.1/1411351-1411410_[_[]_][[]_]", "structure": "....(((..((((((....))))))....)))...(((((((.........)).))))).", "sequence": "CAACGUUCACCUCACAUUUGUGAGGCGCAGACAACCCAGGCCAAGGAACGGGGACCUGGA"}, "nodes": [{"position": 0, "id": 0, "label": "C"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "A"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "C"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "A"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "U"}, {"position": 18, "id": 18, "label": "U"}, {"position": 19, "id": 19, "label": "G"}, {"position": 20, "id": 20, "label": "U"}, {"position": 21, "id": 21, "label": "G"}, {"position": 22, "id": 22, "label": "A"}, {"position": 23, "id": 23, "label": "G"}, {"position": 24, "id": 24, "label": "G"}, {"position": 25, "id": 25, "label": "C"}, {"position": 26, "id": 26, "label": "G"}, {"position": 27, "id": 27, "label": "C"}, {"position": 28, "id": 28, "label": "A"}, {"position": 29, "id": 29, "label": "G"}, {"position": 30, "id": 30, "label": "A"}, {"position": 31, "id": 31, "label": "C"}, {"position": 32, "id": 32, "label": "A"}, {"position": 33, "id": 33, "label": "A"}, {"position": 34, "id": 34, "label": "C"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "A"}, {"position": 38, "id": 38, "label": "G"}, {"position": 39, "id": 39, "label": "G"}, {"position": 40, "id": 40, "label": "C"}, {"position": 41, "id": 41, "label": "C"}, {"position": 42, "id": 42, "label": "A"}, {"position": 43, "id": 43, "label": "A"}, {"position": 44, "id": 44, "label": "G"}, {"position": 45, "id": 45, "label": "G"}, {"position": 46, "id": 46, "label": "A"}, {"position": 47, "id": 47, "label": "A"}, {"position": 48, "id": 48, "label": "C"}, {"position": 49, "id": 49, "label": "G"}, {"position": 50, "id": 50, "label": "G"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "A"}, {"position": 54, "id": 54, "label": "C"}, {"position": 55, "id": 55, "label": "C"}, {"position": 56, "id": 56, "label": "U"}, {"position": 57, "id": 57, "label": "G"}, {"position": 58, "id": 58, "label": "G"}, {"position": 59, "id": 59, "label": "A"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 4, "type": "basepair", "target": 31, "len": 1, "label": "="}, {"source": 5, "type": "basepair", "target": 30, "len": 1, "label": "="}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "basepair", "target": 29, "len": 1, "label": "="}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source"'..b'e": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 36, "type": "basepair", "target": 61, "len": 1, "label": "="}, {"source": 37, "type": "basepair", "target": 60, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 59, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 41, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 42, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 43, "type": "basepair", "target": 53, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}, {"source": 59, "type": "backbone", "target": 60, "len": 1, "label": "-"}, {"source": 60, "type": "backbone", "target": 61, "len": 1, "label": "-"}], "multigraph": false}\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/csc_sparse1.mtx
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csc_sparse1.mtx Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate integer general
+%
+3 3 6
+1 1 1
+3 1 2
+3 2 3
+1 3 4
+2 3 5
+3 3 6
b
diff -r 000000000000 -r c7b8fab00c0f test-data/csc_sparse2.mtx
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csc_sparse2.mtx Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 1.5
+3 1 -2
+3 2 0.3
+1 3 41
+2 3 0.1235
+3 3 6
b
diff -r 000000000000 -r c7b8fab00c0f test-data/csc_stack_result01.mtx
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csc_stack_result01.mtx Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,15 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 6 12
+1 1 1.000000000000000e+00
+3 1 2.000000000000000e+00
+3 2 3.000000000000000e+00
+1 3 4.000000000000000e+00
+2 3 5.000000000000000e+00
+3 3 6.000000000000000e+00
+1 4 1.500000000000000e+00
+3 4 -2.000000000000000e+00
+3 5 3.000000000000000e-01
+1 6 4.100000000000000e+01
+2 6 1.235000000000000e-01
+3 6 6.000000000000000e+00
b
diff -r 000000000000 -r c7b8fab00c0f test-data/csr_sparse1.mtx
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csr_sparse1.mtx Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate integer general
+%
+3 3 6
+1 1 1
+1 3 2
+2 3 3
+3 1 4
+3 2 5
+3 3 6
b
diff -r 000000000000 -r c7b8fab00c0f test-data/csr_sparse2.mtx
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csr_sparse2.mtx Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 1
+1 3 -0.2
+2 3 11
+3 1 0.04
+3 2 -5
+3 3 2.6
b
diff -r 000000000000 -r c7b8fab00c0f test-data/csr_stack_result01.mtx
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csr_stack_result01.mtx Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,15 @@
+%%MatrixMarket matrix coordinate real general
+%
+6 3 12
+1 1 1.000000000000000e+00
+1 3 2.000000000000000e+00
+2 3 3.000000000000000e+00
+3 1 4.000000000000000e+00
+3 2 5.000000000000000e+00
+3 3 6.000000000000000e+00
+4 1 1.000000000000000e+00
+4 3 -2.000000000000000e-01
+5 3 1.100000000000000e+01
+6 1 4.000000000000000e-02
+6 2 -5.000000000000000e+00
+6 3 2.600000000000000e+00
b
diff -r 000000000000 -r c7b8fab00c0f test-data/empty_file.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/empty_file.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,48 @@
+0 44 64 -76 4
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 1
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 2
+0 53 53 -56 2
+0 45 44 -61 0
+0 43 65 -84 4
+0 35 52 -75 1
+0 56 56 -70 0
+1 -61 86 43 0
+1 -67 93 15 0
+1 -59 94 36 0
+1 -50 92 62 0
+1 -78 91 70 1
+1 -35 87 47 0
+1 -56 91 52 0
+1 -61 81 46 0
+1 -83 78 34 0
+1 -50 87 45 0
+1 -67 73 50 1
+1 -50 97 45 0
+1 -61 111 45 0
+2 -109 23 -92 0
+2 -94 20 -96 0
+2 -85 26 -88 0
+2 -90 33 -114 1
+2 -63 9 -106 0
+2 -79 9 -93 1
+2 -99 26 -108 3
+2 -81 19 -110 0
+2 -108 21 -108 0
+2 -92 27 -106 3
+2 -88 2 -106 1
+2 -88 15 -103 0
+3 54 -74 4 0
+3 42 -92 31 1
+3 39 -99 -7 1
+3 48 -115 -5 1
+3 39 -96 2 1
+3 31 -109 9 1
+3 33 -96 -8 1
+3 23 -102 4 0
+3 38 -90 21 1
+3 34 -107 1 1
+3 35 -78 18 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/f1_score.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/f1_score.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+f1_score : 
+0.8461538461538461
b
diff -r 000000000000 -r c7b8fab00c0f test-data/fbeta_score.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/fbeta_score.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+fbeta_score : 
+0.8461538461538461
b
diff -r 000000000000 -r c7b8fab00c0f test-data/friedman1.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/friedman1.txt Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +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.47298399056'..b'7639289\t0.8212053023334988\t0.48801691478932074\t0.7570620648656129\t0.37107807260930714\t0.2695048247626399\t0.7345946354267014\t0.8465645262987437\t19.45300037464767\n+0.7731597126964512\t0.09726311997082848\t0.3128848054042207\t0.054297371248047455\t0.9964178644970716\t0.177698734352288\t0.37123100482185356\t0.3589325920964376\t0.23918094189867656\t0.19412444639857296\t8.565865450206013\n+0.7221568697894736\t0.9963498623999889\t0.6578810615587287\t0.18964066816521796\t0.7960500133787225\t0.6331488340440541\t0.05997465943644009\t0.45123696414113945\t0.3981555798526656\t0.4574877112189486\t14.089903184543674\n+0.17329540858703296\t0.5551602246692062\t0.675575702816968\t0.8264278406303862\t0.753975346409477\t0.03806626488278475\t0.795113651901603\t0.6539318070808459\t0.6049933023598654\t0.00079912648846725\t15.627307991786289\n+0.013114781463635872\t0.14710484933761359\t0.26562391867980684\t0.06049450827851821\t0.2578656308496723\t0.22906133301836384\t0.8240837710969812\t0.20185448655187266\t0.881092325628702\t0.21436450568575982\t3.053524927766419\n+0.09124750057287223\t0.7458057935231055\t0.5043400350526346\t0.5862020432833676\t0.36415611319487795\t0.5532539595411161\t0.8128446991062696\t0.14007325741439247\t0.26762510211969903\t0.7395485502578282\t9.804873358542737\n+0.273796078111771\t0.5968614644069085\t0.33862246805035456\t0.07160379461501021\t0.49859687569685474\t0.7144913096107074\t0.9906342627731619\t0.30616421419444173\t0.43181899369392907\t0.5481835598658806\t8.641240148791484\n+0.5922789121550232\t0.10793438223331675\t0.7218030237835277\t0.28781493382595613\t0.7101954909298428\t0.26491733998837474\t0.32929177720525493\t0.15393928318285965\t0.30573627751887034\t0.767593568436209\t9.407918967360633\n+0.5738480440000739\t0.9717102350944524\t0.6918493680668857\t0.49136225796249566\t0.4189538130977012\t0.9528784220570516\t0.14422252170336136\t0.5212103058543409\t0.8891494541942766\t0.7243161529127102\t17.58115736412586\n+0.6524273028079878\t0.5732108771943734\t0.18508275660219697\t0.6138808688662424\t0.07695021292315907\t0.6680945170106404\t0.23147976471742693\t0.2237384718444413\t0.07931564343308894\t0.5290531406613654\t17.733483205030982\n+0.292207224946918\t0.5347443302731564\t0.4966394675328142\t0.43871374689137466\t0.40966714178368036\t0.2606110148444858\t0.08937483777810629\t0.8066866320537381\t0.15657531573242267\t0.9139261452578302\t11.149836991525426\n+0.44666536992172634\t0.44940086096850873\t0.08179437299051329\t0.6964934161855384\t0.20657215375013938\t0.09570310018074724\t0.7220107222790408\t0.3936551862994325\t0.5911130758518441\t0.5127646181849301\t17.392150320937144\n+0.024792440847191677\t0.7627946139093299\t0.26576180603378574\t0.9788268401766658\t0.9486860068478548\t0.7256699734894949\t0.7255050205514576\t0.050824790816173304\t0.5940661143252837\t0.7171266563833804\t16.222823164393663\n+0.04187295085349507\t0.4858483334364002\t0.9868242589438908\t0.04782633490074317\t0.5788519741372516\t0.07155939791943544\t0.28014174429830796\t0.7018218260054466\t0.16232193959804986\t0.49228648720154566\t8.751167952614102\n+0.9545457112974848\t0.5893551623652425\t0.6066268202107414\t0.8679865440385066\t0.9365479368445849\t0.14416045993162074\t0.2770071902007831\t0.12532193725528784\t0.884720788157515\t0.8267377704644704\t23.39743606740882\n+0.9953588810927804\t0.8138696157910104\t0.11914570059659024\t0.9315367835142864\t0.006986692731106969\t0.5383962494524664\t0.7825015421974374\t0.8888692517279119\t0.30537562757152403\t0.6446775039355818\t17.869735208455047\n+0.12491934664885951\t0.608584300362758\t0.18949843940084687\t0.4390658193797916\t0.9704126030213763\t0.06809275523457425\t0.2051728622611535\t0.5075719409410157\t0.14050011761810988\t0.9337383557266488\t13.53666671909896\n+0.6065454317067481\t0.46153152916886886\t0.8015021709095485\t0.6987073120764528\t0.7445573429189948\t0.32516377858166023\t0.17845078715926477\t0.014351502625561174\t0.10704972728076023\t0.2730517009310389\t20.2318585989548\n+0.6165217754396433\t0.9475792237640892\t0.9064723688429247\t0.965094028213592\t0.33762107364119875\t0.6564030876691848\t0.291455780992926\t0.15086922353097754\t0.036932063464012566\t0.5979637425112644\t24.295590457548577\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/friedman2.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/friedman2.txt Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +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.11'..b'704.8805024855624\t0.21134788749712163\t5.11648138177833\t363.57774253644357\n+98.96655767792834\t172.07811591269444\t0.7013265140935161\t1.251715638848119\t156.06931868323713\n+32.08817260865362\t245.77958638999525\t0.06088456434663547\t2.1140631670405323\t35.40508437542623\n+16.926890814543093\t1151.0697004521946\t0.43839309463984333\t9.309037646039748\t504.9047309043652\n+23.979218956447223\t436.1391654612479\t0.7118996585829157\t9.582949253267776\t311.4116762435596\n+55.90558855960195\t1276.4247355974696\t0.605112035518179\t6.592172832680401\t774.4004579134555\n+86.03941909075867\t1628.201979434556\t0.8496073257589813\t3.544665354944545\t1386.0052800129015\n+87.75555422867708\t836.5046465890024\t0.729494343964508\t5.126407675387943\t616.502880557919\n+19.08360458112225\t1279.0370894799328\t0.24063282092985294\t9.513244268329954\t308.3692869277446\n+82.41022892585868\t983.664481154306\t0.3863407943061684\t6.908807907349248\t388.86234039746984\n+13.752361490782572\t1446.0770214276688\t0.965825815244485\t8.797958042329348\t1396.7261450068233\n+23.933508209581976\t1542.444756280353\t0.8081150128937004\t1.6368112422046845\t1246.7021204183736\n+23.1228304048803\t1088.990472403008\t0.13748694797777417\t7.784407043714858\t151.49686527332432\n+99.21906895152472\t592.4762009911489\t0.7609127595588501\t1.4652716766613862\t461.6107590254396\n+33.253590652220666\t1668.7117629371276\t0.6365170412547786\t7.018486061318925\t1062.6838031691402\n+92.81846814636464\t422.4603113225164\t0.017823184026521055\t2.9007217613417247\t93.12330768632674\n+52.18717978245897\t935.6524745132937\t0.8004912055691525\t9.594363114449111\t750.7974014518164\n+21.295603224034497\t839.9984077101558\t0.42161750906258955\t1.547173770819418\t354.7969452507752\n+0.9933693670982957\t1415.847175398454\t0.27531321879489834\t8.177400045433364\t389.8026225581974\n+42.13559217565558\t359.8212261046394\t0.19252168025197935\t4.138152333176353\t81.08093014555008\n+80.51701673672972\t146.2896184097874\t0.0491059726975559\t6.660003849850935\t80.83675338792878\n+68.68106961543961\t1313.0024820704748\t0.47969376130167696\t4.676567217785285\t633.5725491887692\n+83.99700992017513\t867.5980836959187\t0.3213658387821987\t1.9271986717104153\t291.1936489907113\n+6.043793213558557\t274.244095874708\t0.6827064564283071\t7.8073576723063765\t187.3252705855037\n+24.317416588742535\t1171.9395661677436\t0.06913918311155143\t9.729199617462651\t84.5972117336421\n+10.960694983251273\t401.83796801162464\t0.46737799144534753\t8.759492194033726\t188.12950260375516\n+85.44445157050565\t469.3569309771897\t0.07664186926890304\t8.88914797103218\t92.70787499286608\n+54.75000011493021\t1410.11180659607\t0.9200470428587104\t5.809727659278811\t1298.5238084377568\n+45.9553670010184\t1104.1729336900296\t0.5993187807242845\t6.043734512337576\t663.345193848069\n+30.687852974345063\t1010.0331900967218\t0.9249269434027916\t10.705508020302188\t934.7107170433636\n+39.57946098969964\t1430.5164919252954\t0.6350881477509265\t3.2996916524903313\t909.3655989305239\n+5.120709286293723\t172.1629820113755\t0.1228477519037694\t3.202125178336386\t21.759146841336335\n+82.90227537008228\t592.0512009960225\t0.7810640826310915\t6.046658125966791\t469.80205128257876\n+13.844892377658468\t1396.6861430027047\t0.9213317935208427\t10.430186320361914\t1286.885757399791\n+70.44357972639433\t1259.2651659459655\t0.546551813367495\t4.69217229737883\t691.8490914986029\n+98.2467574726993\t232.84478566118992\t0.8976783107422656\t3.6393098909487067\t230.95708002350815\n+57.44758420233384\t963.4964942046691\t0.554476808071934\t7.471673318283991\t537.3161754923093\n+18.54741590544805\t569.9749650123499\t0.14843865774278353\t1.3030417059440504\t86.61413266611218\n+93.92555841521393\t692.1310246846019\t0.10956460430560977\t4.783269956614701\t120.71709895964038\n+38.407945904141414\t1212.7185942796432\t0.24449092930615968\t7.6148097377368495\t298.97589013891826\n+9.849288379186216\t1074.5774593669562\t0.10686550466855071\t6.482545074639875\t115.25672659315927\n+51.97517077112073\t609.6001089270445\t0.45572905099809846\t1.3866652012956684\t282.63144665101163\n+59.90030248885009\t126.4588901391934\t0.5018135936855311\t6.017261216916143\t87.26338001352038\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/friedman3.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/friedman3.txt Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +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.5035205999322'..b'4788749712163\t5.11648138177833\t1.4368860145584557\n+98.96655767792834\t172.07811591269444\t0.7013265140935161\t1.251715638848119\t0.8839273983451799\n+32.08817260865362\t245.77958638999525\t0.06088456434663547\t2.1140631670405323\t0.4363143388850777\n+16.926890814543093\t1151.0697004521946\t0.43839309463984333\t9.309037646039748\t1.537265123522342\n+23.979218956447223\t436.1391654612479\t0.7118996585829157\t9.582949253267776\t1.4937183598137929\n+55.90558855960195\t1276.4247355974696\t0.605112035518179\t6.592172832680401\t1.4985413807429304\n+86.03941909075867\t1628.201979434556\t0.8496073257589813\t3.544665354944545\t1.5086791210059998\n+87.75555422867708\t836.5046465890024\t0.729494343964508\t5.126407675387943\t1.4279670872972425\n+19.08360458112225\t1279.0370894799328\t0.24063282092985294\t9.513244268329954\t1.5088712014128396\n+82.41022892585868\t983.664481154306\t0.3863407943061684\t6.908807907349248\t1.3572505259832122\n+13.752361490782572\t1446.0770214276688\t0.965825815244485\t8.797958042329348\t1.5609500274635577\n+23.933508209581976\t1542.444756280353\t0.8081150128937004\t1.6368112422046845\t1.551597692135967\n+23.1228304048803\t1088.990472403008\t0.13748694797777417\t7.784407043714858\t1.4175683268390444\n+99.21906895152472\t592.4762009911489\t0.7609127595588501\t1.4652716766613862\t1.3541649297787708\n+33.253590652220666\t1668.7117629371276\t0.6365170412547786\t7.018486061318925\t1.5394991338751214\n+92.81846814636464\t422.4603113225164\t0.017823184026521055\t2.9007217613417247\t0.08093567500779064\n+52.18717978245897\t935.6524745132937\t0.8004912055691525\t9.594363114449111\t1.5012312283366778\n+21.295603224034497\t839.9984077101558\t0.42161750906258955\t1.547173770819418\t1.5107382823434816\n+0.9933693670982957\t1415.847175398454\t0.27531321879489834\t8.177400045433364\t1.5682479333649404\n+42.13559217565558\t359.8212261046394\t0.19252168025197935\t4.138152333176353\t1.0243278438907364\n+80.51701673672972\t146.2896184097874\t0.0491059726975559\t6.660003849850935\t0.08897131915549368\n+68.68106961543961\t1313.0024820704748\t0.47969376130167696\t4.676567217785285\t1.4621800366126962\n+83.99700992017513\t867.5980836959187\t0.3213658387821987\t1.9271986717104153\t1.278180794940832\n+6.043793213558557\t274.244095874708\t0.6827064564283071\t7.8073576723063765\t1.5385270967777893\n+24.317416588742535\t1171.9395661677436\t0.06913918311155143\t9.729199617462651\t1.279233560839038\n+10.960694983251273\t401.83796801162464\t0.46737799144534753\t8.759492194033726\t1.5125018799191523\n+85.44445157050565\t469.3569309771897\t0.07664186926890304\t8.88914797103218\t0.39847812418012996\n+54.75000011493021\t1410.11180659607\t0.9200470428587104\t5.809727659278811\t1.5286205617962407\n+45.9553670010184\t1104.1729336900296\t0.5993187807242845\t6.043734512337576\t1.5014625812811586\n+30.687852974345063\t1010.0331900967218\t0.9249269434027916\t10.705508020302188\t1.5379590348236802\n+39.57946098969964\t1430.5164919252954\t0.6350881477509265\t3.2996916524903313\t1.5272583174422345\n+5.120709286293723\t172.1629820113755\t0.1228477519037694\t3.202125178336386\t1.3332321248119827\n+82.90227537008228\t592.0512009960225\t0.7810640826310915\t6.046658125966791\t1.3934053052318693\n+13.844892377658468\t1396.6861430027047\t0.9213317935208427\t10.430186320361914\t1.5600376721205496\n+70.44357972639433\t1259.2651659459655\t0.546551813367495\t4.69217229737883\t1.4688002865000722\n+98.2467574726993\t232.84478566118992\t0.8976783107422656\t3.6393098909487067\t1.1314039082633651\n+57.44758420233384\t963.4964942046691\t0.554476808071934\t7.471673318283991\t1.463675788141726\n+18.54741590544805\t569.9749650123499\t0.14843865774278353\t1.3030417059440504\t1.3549865945559618\n+93.92555841521393\t692.1310246846019\t0.10956460430560977\t4.783269956614701\t0.67921924302924\n+38.407945904141414\t1212.7185942796432\t0.24449092930615968\t7.6148097377368495\t1.4419753005453402\n+9.849288379186216\t1074.5774593669562\t0.10686550466855071\t6.482545074639875\t1.485236760818887\n+51.97517077112073\t609.6001089270445\t0.45572905099809846\t1.3866652012956684\t1.3858463757729043\n+59.90030248885009\t126.4588901391934\t0.5018135936855311\t6.017261216916143\t0.8142264061570644\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/gaus.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/gaus.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,101 @@
+0 1 0
+1.1705269829481435 2.0777122322502035 1
+2.0346075615049335 -0.5507144119145928 1
+-0.07602346572462335 0.003957593987599105 0
+-0.18949583082317534 0.25500144427338167 0
+1.299748074755309 -1.733095623653281 1
+1.943262263433996 -1.4474361123195851 1
+1.1896222680291255 -1.690616826383604 1
+-0.5788258247909884 -1.1994511991939312 1
+0.7310003438348087 1.361556125145331 1
+-0.5144298913687853 -0.21606012000326133 0
+0.1088634678336795 0.50780959049232 0
+-0.12620118371357705 1.9902736497540905 1
+-0.7044181997350232 -0.591375121085172 0
+-1.5075851602643862 0.10788413080661359 1
+-0.4580269855026243 0.43516348812289213 0
+1.0936866496587212 -0.2295177532399562 0
+-0.9400461615447682 -0.8279323643658708 1
+0.46629936835718944 0.26998723863108903 0
+-0.32623805920230253 0.055676014854776905 0
+0.6901214702247076 0.6868900661384048 0
+1.5861709384232352 0.6933906585165882 1
+0.672720805709661 -0.10441114339062771 0
+-0.5999830448488669 1.5761667243192063 1
+2.0747931679465657 -0.34329768218246975 1
+-0.5444391616724643 -0.6681717368134277 0
+0.5229978045207515 -0.016345402757487165 0
+-2.9733154740508856 0.03331727813886288 1
+-0.008898663292110321 -0.5431980084071721 0
+-1.2963918071501508 0.095139443565453 1
+-1.4977203810831696 -1.193885976791938 1
+-0.251879139213213 -0.8424357382512976 0
+-0.07961124591739943 -0.8897314812650339 0
+0.8945977057600133 0.7596931198502055 0
+-0.23871286931467955 -1.429066898448291 1
+0.22117966922140045 -1.0700433305682933 0
+-0.3198310471180883 -1.1477415998765863 0
+-0.42371509994342044 -1.185983564929173 1
+0.9813207869512316 0.5142188413943821 0
+0.7504447615341785 -0.4559469274680022 0
+1.2962625863990573 0.9522756260818906 1
+-1.7497654730546974 0.34268040332750216 1
+0.7369951690182122 0.4358672525149101 0
+0.6130388816875463 0.7362052133238238 0
+-1.415042920852526 -0.6407599230105716 1
+0.22239080944544862 -0.6849217352472302 0
+1.6189816606752596 1.5416051745134067 1
+1.8765734269621657 -0.37690335016897475 1
+0.007314563228903049 -0.6129387354781626 0
+0.7470556550991475 0.4296764358626096 0
+0.10887198989791452 0.028283634823073247 0
+-0.43813562270441736 -1.1183182462554362 0
+0.30104946378806546 -1.6848999616851803 1
+-1.3969993449532836 -1.0971719846398227 1
+-0.24888866705810792 -0.45017643501165083 0
+-1.635529399380822 -1.044209877709317 1
+-0.17478155445149818 1.0172643432511694 0
+-0.5835950503226648 0.816847071685779 0
+-1.9580812342078666 -0.13480131198999493 1
+0.4223802204219781 -1.094042931032235 0
+-0.98331009912963 0.3575077531673654 0
+-1.566687529578391 0.9049741214666812 1
+0.9490047765052598 -0.019397585962465276 0
+-0.5312803768519098 1.0297326851333461 0
+0.7530621876919789 -1.6094388961729544 1
+0.13024845535270219 0.9493608646609868 0
+-0.3317771350528086 -0.6892179780897532 0
+1.703623988120705 -0.7221507700557533 1
+-1.841188300186717 0.36609322616730366 1
+-0.365461992676627 -1.271023040846661 1
+-0.8817983894830175 0.01863894948806016 0
+-1.7059520057381703 0.3691639571070058 1
+-0.8622273465104797 1.249469742726979 1
+-1.1880175973177194 -0.5497461935354897 1
+-1.7046512057609624 -1.1362610068273629 1
+-0.18501411089711395 -2.4871515352227695 1
+-0.45592201921402026 0.6491729272546821 0
+0.22239960855530486 -1.4432169952253369 1
+0.7504533303268411 -1.3069923390808191 1
+0.13242780114877378 0.022213928039390988 0
+1.8319360818255361 0.003017434031214063 1
+-0.41581633584065 -1.3585029367597998 1
+-1.3563990488613127 -1.2324345139149262 1
+-1.5406160245526137 2.0467139684821385 1
+-1.2172541306410147 -0.15726516737513793 0
+1.0269214393997905 -1.4321906110589266 1
+1.153035802563644 -0.25243603652138985 0
+0.5805733357942744 -1.1045230926622938 1
+1.7759935855067666 0.5130743788396454 1
+-0.7563523055944354 0.8164540110192858 0
+1.2369078851902253 -0.23028467842710793 1
+0.31736797594106797 -0.7524141777250374 0
+0.18451869056394285 0.9370822011089522 0
+-0.6166293716831945 0.7631836460599923 0
+0.7796263036636958 -0.43812091634884287 0
+0.2378446219236218 0.013548548628612411 0
+2.2986539407136757 -0.16520955264073184 1
+0.19291719182330652 -0.3484589306523706 0
+-1.6135785028221759 1.4707138666121289 1
+-2.0151887171225265 -0.07954058693411101 1
+0.7788223993230673 0.4282328705967407 0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_model01
b
Binary file test-data/glm_model01 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_model02
b
Binary file test-data/glm_model02 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_model03
b
Binary file test-data/glm_model03 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_model04
b
Binary file test-data/glm_model04 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_model05
b
Binary file test-data/glm_model05 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_model06
b
Binary file test-data/glm_model06 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_model07
b
Binary file test-data/glm_model07 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_model08
b
Binary file test-data/glm_model08 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_result01
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result01 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+86.97021227350001 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331 3703215242836.872
+91.2021798817 -0.6215229712070001 1.11914889596 0.390012184498 1.28956938152 3875943636708.156
+-47.4101632272 -0.638416457964 -0.7327774684530001 -0.8640261049779999 -1.06109770116 -2071574726112.0168
+61.712804630200004 -1.0999480057700002 -0.739679672932 0.585657963012 1.4890682753600002 2642119730255.405
+-206.998295124 0.130238853011 0.70574123041 1.3320656526399999 -1.3322092373799999 -8851040854159.11
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_result02
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result02 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+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 0
+1.4132105208399999 0.523750660422 -1.4210539291 -1.49298569451 0
+0.7683140439399999 1.38267855169 -0.989045048734 0.649504257894 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_result03
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result03 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+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 0
+1.4132105208399999 0.523750660422 -1.4210539291 -1.49298569451 0
+0.7683140439399999 1.38267855169 -0.989045048734 0.649504257894 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_result04
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result04 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+86.97021227350001 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331 0.5282637592226301
+91.2021798817 -0.6215229712070001 1.11914889596 0.390012184498 1.28956938152 0.5180352211818147
+-47.4101632272 -0.638416457964 -0.7327774684530001 -0.8640261049779999 -1.06109770116 0.012682414140451959
+61.712804630200004 -1.0999480057700002 -0.739679672932 0.585657963012 1.4890682753600002 0.1869842234155321
+-206.998295124 0.130238853011 0.70574123041 1.3320656526399999 -1.3322092373799999 -1.6599360904302456
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_result05
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result05 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+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 000000000000 -r c7b8fab00c0f test-data/glm_result06
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result06 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+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 000000000000 -r c7b8fab00c0f test-data/glm_result07
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result07 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+86.97021227350001 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331 0.6093152833692663
+91.2021798817 -0.6215229712070001 1.11914889596 0.390012184498 1.28956938152 0.5963828164943974
+-47.4101632272 -0.638416457964 -0.7327774684530001 -0.8640261049779999 -1.06109770116 -0.07927429227257943
+61.712804630200004 -1.0999480057700002 -0.739679672932 0.585657963012 1.4890682753600002 0.2621440442022235
+-206.998295124 0.130238853011 0.70574123041 1.3320656526399999 -1.3322092373799999 -1.7330414645145749
b
diff -r 000000000000 -r c7b8fab00c0f test-data/glm_result08
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result08 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+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 000000000000 -r c7b8fab00c0f test-data/hamming_loss.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/hamming_loss.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+hamming_loss : 
+0.15384615384615385
b
diff -r 000000000000 -r c7b8fab00c0f test-data/hastie.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/hastie.txt Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +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.649172927'..b'9\t1.8048682596687549\t0.25472873542702235\t-1.1461232601179445\t-0.6589587864495671\t-0.5066588136730265\t-0.5871748825773678\t1.9865495185311044\t-0.9245951678233421\t0.30357698596096483\t1.0\n+-0.4537342782044647\t-0.6148380115546747\t-0.4789731296469549\t-0.045374451870941045\t1.3253137208578598\t0.33328592586200617\t-0.7179847953600612\t-0.10644860260677626\t-1.3360775133429728\t-1.074530582881673\t-1.0\n+0.2762249154275797\t-0.4283884795727854\t-2.043671247720389\t-1.906858517961187\t0.9679882166343913\t2.1721908043194182\t0.10964573562466191\t-1.2742672319475674\t1.2322218302778167\t-0.21419343967052742\t1.0\n+1.255751376790734\t-0.8289966758466051\t-0.31025868800051926\t1.1659536227632477\t0.39295553260643784\t1.1895087166269263\t-0.40465579431052884\t-0.2651869456590182\t1.5318755678649265\t-0.6796036288245331\t-1.0\n+1.504854113203755\t-1.238182770735864\t0.36024637121746306\t-1.707264899958784\t2.0469137892235847\t-0.919740614173109\t-0.7487189818724931\t-0.18819401708007652\t-0.06675497482732479\t1.1341757381766742\t1.0\n+-0.9946169949234647\t0.6166072754186016\t2.078748130074134\t-0.16292573253302486\t0.19275302467826058\t0.3912383720977846\t-1.910874747897523\t-0.03029080425482288\t0.6014406140575617\t-1.5054908599239225\t1.0\n+-0.8901237825186481\t-0.34737909401570316\t-1.2173999048597905\t-0.3609724320272664\t1.5393171578209466\t0.9646131896901783\t-0.33536048200336216\t-0.39976788596123736\t0.8078187485853563\t-0.016482690607803045\t-1.0\n+2.7162498483100577\t-1.1017083905461529\t0.408238571791986\t1.2533197558929319\t0.24343699441433925\t0.9660375615921108\t0.16755705151619846\t0.5265312527393367\t-0.70407892178746\t0.3323950684498973\t1.0\n+1.2853855390758044\t0.7276646134012513\t-0.7602388667086357\t-1.1115223985636307\t-0.44518987222191514\t-1.490740211178286\t-0.22775458347686942\t0.9928940732857143\t0.9648061231362628\t-0.0628097431266641\t-1.0\n+-0.802347552831665\t-0.44824994889487074\t1.8774961759951763\t1.8313558438052169\t-2.3602460660097973\t0.3952874318489434\t-0.8940052499408595\t0.48937627815753126\t-0.40659070466212577\t0.3127523480391329\t1.0\n+0.13505159908170622\t-1.1560534760330126\t0.6492200342328082\t1.6961811419040653\t-0.7015519721179831\t1.0814507133060531\t0.8504793375775485\t1.1063705671666118\t-1.0462399935883868\t-1.301353998475456\t1.0\n+1.6707706293635385\t0.6435478412934342\t0.5981299796410049\t-0.1723769863432049\t-0.5035229074615086\t0.5132839813242059\t-0.5800046555593072\t0.23233150054031715\t-0.7833588515715213\t-1.3972316754310437\t-1.0\n+1.042478493418979\t-1.81435068819736\t0.7129377176790617\t-0.2170543394572958\t-0.10080393703820899\t-0.882054240975373\t0.7220196089432535\t-0.7914902324280242\t0.2862721465603934\t-1.505456885842768\t-1.0\n+0.21341208874143064\t0.7201471183386303\t-1.798280122608093\t1.7139594965483542\t0.7626638816411271\t-1.319679511268683\t0.8534746903447513\t0.6200264073814222\t0.305664312173006\t-1.5692419449264672\t1.0\n+-0.6499919930832012\t-1.0256268343732362\t-0.13050507880769657\t-0.14950841874608484\t-0.3142818039718636\t-0.8478268489964033\t0.8121624524520811\t1.2147332728249114\t0.9500568084372605\t-0.08427812455387407\t-1.0\n+-0.452552174235095\t0.170113996882693\t0.9545435297842637\t-0.5052496757433925\t-1.8763406482190448\t-1.7487143673652863\t-0.9083105100857359\t-0.379318724511175\t0.526075201473343\t1.5722244412290713\t1.0\n+0.6616915793445635\t0.8866836482458215\t-0.25547151405969665\t-1.2402298358350246\t-1.0430706793894824\t1.2634981072095617\t0.40213622984300357\t0.19115412195518197\t-0.780105517868197\t0.30644220235020136\t-1.0\n+0.9040990553031565\t0.8149953223364267\t0.32991900836553484\t-0.6493014433600178\t0.4135806883032622\t0.3346481127583357\t1.1323491303148163\t1.7778660365192485\t1.4143435535413202\t-0.7460085851816735\t-1.0\n+0.6963776586092393\t1.0416605327151363\t0.34093340616616136\t-0.06843683271005925\t0.9936659172393056\t0.41459338970990506\t0.556893301611656\t0.4492252037412059\t-0.8832958216288973\t1.2776189105118738\t-1.0\n+2.429434794166357\t1.3812498451500934\t1.055414993721776\t0.6961839941601233\t-0.7451831779675511\t0.9991111867128403\t1.92133407983838\t0.3628578439618104\t-0.27791688211903165\t-1.1501088899476215\t1.0\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/hinge_loss.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/hinge_loss.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+hinge_loss : 
+2.7688227126800844
b
diff -r 000000000000 -r c7b8fab00c0f test-data/jaccard_similarity_score.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/jaccard_similarity_score.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+jaccard_similarity_score : 
+0.8461538461538461
b
diff -r 000000000000 -r c7b8fab00c0f test-data/lda_model01
b
Binary file test-data/lda_model01 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/lda_model02
b
Binary file test-data/lda_model02 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/lda_prediction_result01.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/lda_prediction_result01.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+3.68258022948 2.82110345641 -3.990140724 -1.9523364774 0
+0.015942057224 -0.7119585943469999 0.125502976978 -0.972218263337 0
+2.0869076882499997 0.929399321468 -2.1292408448400004 -1.9971402218799998 0
+1.4132105208399999 0.523750660422 -1.4210539291 -1.49298569451 0
+0.7683140439399999 1.38267855169 -0.989045048734 0.649504257894 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/lda_prediction_result02.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/lda_prediction_result02.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+3.68258022948 2.82110345641 -3.990140724 -1.9523364774 0
+0.015942057224 -0.7119585943469999 0.125502976978 -0.972218263337 0
+2.0869076882499997 0.929399321468 -2.1292408448400004 -1.9971402218799998 0
+1.4132105208399999 0.523750660422 -1.4210539291 -1.49298569451 0
+0.7683140439399999 1.38267855169 -0.989045048734 0.649504257894 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/log_loss.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/log_loss.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+log_loss : 
+3.7248735402728403
b
diff -r 000000000000 -r c7b8fab00c0f test-data/matthews_corrcoef.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/matthews_corrcoef.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+matthews_corrcoef : 
+1.0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/moons.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/moons.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +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
b
diff -r 000000000000 -r c7b8fab00c0f test-data/nn_model01.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/nn_model01.txt Fri Feb 16 09:17:59 2018 -0500
[
b"@@ -0,0 +1,132 @@\n+ccopy_reg\n+_reconstructor\n+p0\n+(csklearn.neighbors.classification\n+KNeighborsClassifier\n+p1\n+c__builtin__\n+object\n+p2\n+Ntp3\n+Rp4\n+(dp5\n+S'n_neighbors'\n+p6\n+I5\n+sS'n_jobs'\n+p7\n+I1\n+sS'_y'\n+p8\n+cnumpy.core.multiarray\n+_reconstruct\n+p9\n+(cnumpy\n+ndarray\n+p10\n+(I0\n+tp11\n+S'b'\n+p12\n+tp13\n+Rp14\n+(I1\n+(I48\n+tp15\n+cnumpy\n+dtype\n+p16\n+(S'i8'\n+p17\n+I0\n+I1\n+tp18\n+Rp19\n+(I3\n+S'<'\n+p20\n+NNNI-1\n+I-1\n+I0\n+tp21\n+bI00\n+S'\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00'\n+p22\n+tp23\n+bsS'algorithm'\n+p24\n+Vbrute\n+p25\n+sS'_sklearn_version'\n+p26\n+S'0.19.1'\n+p27\n+sS'metric'\n+p28\n+S'minkowski'\n+p29\n+sS'classes_'\n+p30\n+g9\n+(g10\n+(I0\n+tp31\n+g12\n+tp32\n+Rp33\n+(I1\n+(I4\n+tp34\n+g19\n+I00\n+S'\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00'\n+p35\n+tp36\n+bsS'metric_params'\n+p37\n+NsS'p'\n+p38\n+I2\n+sS'effective_metric_params_'\n+p39\n+(dp40\n+sS'radius'\n+p41\n+NsS'leaf_size'\n+p42\n+I30\n+sS'_fit_method'\n+p43\n+g25\n+sS'weights'\n+p44\n+Vuniform\n+p45\n+sS'_tree'\n+p46\n+NsS'effective_metric_'\n+p47\n+S'euclidean'\n+p48\n+sS'outputs_2d_'\n+p49\n+I00\n+sS'_fit_X'\n+p50\n+g9\n+(g10\n+(I0\n+tp51\n+g12\n+tp52\n+Rp53\n+(I1\n+(I48\n+I4\n+tp54\n+g19\n+I01\n+S'\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03"..b'\\xb2\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xdd\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc8\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc3\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xad\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xce\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xbd\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xce\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc3\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x93\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa2\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xab\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa6\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc1\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb1\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x9d\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xaf\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x94\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa4\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa8\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa8\\xff\\xff\\xff\\xff\\xff\\xff\\xff6\\x00\\x00\\x00\\x00\\x00\\x00\\x00*\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\\'\\x00\\x00\\x00\\x00\\x00\\x00\\x000\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\\'\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x1f\\x00\\x00\\x00\\x00\\x00\\x00\\x00!\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x17\\x00\\x00\\x00\\x00\\x00\\x00\\x00&\\x00\\x00\\x00\\x00\\x00\\x00\\x00"\\x00\\x00\\x00\\x00\\x00\\x00\\x00#\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00\\x000\\x00\\x00\\x00\\x00\\x00\\x00\\x00A\\x00\\x00\\x00\\x00\\x00\\x00\\x00=\\x00\\x00\\x00\\x00\\x00\\x00\\x00+\\x00\\x00\\x00\\x00\\x00\\x00\\x00<\\x00\\x00\\x00\\x00\\x00\\x00\\x007\\x00\\x00\\x00\\x00\\x00\\x00\\x005\\x00\\x00\\x00\\x00\\x00\\x00\\x00,\\x00\\x00\\x00\\x00\\x00\\x00\\x00A\\x00\\x00\\x00\\x00\\x00\\x00\\x004\\x00\\x00\\x00\\x00\\x00\\x00\\x008\\x00\\x00\\x00\\x00\\x00\\x00\\x00V\\x00\\x00\\x00\\x00\\x00\\x00\\x00]\\x00\\x00\\x00\\x00\\x00\\x00\\x00^\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\\\\\x00\\x00\\x00\\x00\\x00\\x00\\x00[\\x00\\x00\\x00\\x00\\x00\\x00\\x00W\\x00\\x00\\x00\\x00\\x00\\x00\\x00[\\x00\\x00\\x00\\x00\\x00\\x00\\x00Q\\x00\\x00\\x00\\x00\\x00\\x00\\x00N\\x00\\x00\\x00\\x00\\x00\\x00\\x00W\\x00\\x00\\x00\\x00\\x00\\x00\\x00I\\x00\\x00\\x00\\x00\\x00\\x00\\x00a\\x00\\x00\\x00\\x00\\x00\\x00\\x00o\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x17\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x14\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x1a\\x00\\x00\\x00\\x00\\x00\\x00\\x00!\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\t\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\t\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x1a\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x13\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x15\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x1b\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x0f\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\xb6\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa4\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x9d\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x8d\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa0\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x93\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa0\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x9a\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa6\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x95\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb2\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb4\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb7\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xcf\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xcf\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb1\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x9e\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc5\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc8\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc3\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xac\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb5\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xba\\xff\\xff\\xff\\xff\\xff\\xff\\xff+\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x0f\\x00\\x00\\x00\\x00\\x00\\x00\\x00$\\x00\\x00\\x00\\x00\\x00\\x00\\x00>\\x00\\x00\\x00\\x00\\x00\\x00\\x00F\\x00\\x00\\x00\\x00\\x00\\x00\\x00/\\x00\\x00\\x00\\x00\\x00\\x00\\x004\\x00\\x00\\x00\\x00\\x00\\x00\\x00.\\x00\\x00\\x00\\x00\\x00\\x00\\x00"\\x00\\x00\\x00\\x00\\x00\\x00\\x00-\\x00\\x00\\x00\\x00\\x00\\x00\\x002\\x00\\x00\\x00\\x00\\x00\\x00\\x00-\\x00\\x00\\x00\\x00\\x00\\x00\\x00-\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\xa4\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa0\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa8\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x8e\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x96\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa3\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x94\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x92\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x94\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x96\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x96\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x99\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x04\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x1f\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\xf9\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xfb\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\t\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\xf8\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x04\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x15\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x12\\x00\\x00\\x00\\x00\\x00\\x00\\x00\'\n+p55\n+tp56\n+bsb.\n\\ No newline at end of file\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/nn_model02.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/nn_model02.txt Fri Feb 16 09:17:59 2018 -0500
[
b"@@ -0,0 +1,306 @@\n+ccopy_reg\n+_reconstructor\n+p0\n+(csklearn.neighbors.classification\n+RadiusNeighborsClassifier\n+p1\n+c__builtin__\n+object\n+p2\n+Ntp3\n+Rp4\n+(dp5\n+S'n_neighbors'\n+p6\n+NsS'n_jobs'\n+p7\n+I1\n+sS'_y'\n+p8\n+cnumpy.core.multiarray\n+_reconstruct\n+p9\n+(cnumpy\n+ndarray\n+p10\n+(I0\n+tp11\n+S'b'\n+p12\n+tp13\n+Rp14\n+(I1\n+(I48\n+tp15\n+cnumpy\n+dtype\n+p16\n+(S'i8'\n+p17\n+I0\n+I1\n+tp18\n+Rp19\n+(I3\n+S'<'\n+p20\n+NNNI-1\n+I-1\n+I0\n+tp21\n+bI00\n+S'\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00'\n+p22\n+tp23\n+bsS'algorithm'\n+p24\n+Vauto\n+p25\n+sS'_sklearn_version'\n+p26\n+S'0.19.1'\n+p27\n+sS'metric'\n+p28\n+S'minkowski'\n+p29\n+sS'classes_'\n+p30\n+g9\n+(g10\n+(I0\n+tp31\n+g12\n+tp32\n+Rp33\n+(I1\n+(I4\n+tp34\n+g19\n+I00\n+S'\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00'\n+p35\n+tp36\n+bsS'outputs_2d_'\n+p37\n+I00\n+sS'metric_params'\n+p38\n+NsS'p'\n+p39\n+I2\n+sS'effective_metric_params_'\n+p40\n+(dp41\n+sS'radius'\n+p42\n+F1.0\n+sS'leaf_size'\n+p43\n+I30\n+sS'_fit_method'\n+p44\n+S'kd_tree'\n+p45\n+sS'weights'\n+p46\n+Vuniform\n+p47\n+sS'_tree'\n+p48\n+csklearn.neighbors.kd_tree\n+newObj\n+p49\n+(csklearn.neighbors.kd_tree\n+BinaryTree\n+p50\n+tp51\n+Rp52\n+(g9\n+(g10\n+(I0\n+tp53\n+g12\n+tp54\n+Rp55\n+(I1\n+(I48\n+I4\n+tp56\n+g16\n+(S'f8'\n+p57\n+I0\n+I1\n+tp58\n+Rp59\n+(I3\n+S'<'\n+p60\n+NNNI-1\n+I-1\n+I0\n+tp61\n+bI00\n+S'\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00F@\\x00\\x00\\x00\\x00\\x00\\x00P@\\x00\\x00\\x00\\x00\\x00\\x00S\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x80I@\\x00\\x00\\x00\\x00\\x00\\x00H@\\x00\\x00\\x00\\x00\\x00@R\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00M@\\x00\\x00\\x00\\x00\\x00@P@\\x00\\x00\\x00\\x00\\x00\\x80H\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x80E@\\x00\\x00\\x00\\x00\\x00\\x80N@\\x00\\x00\\x00\\x00\\x00\\x80H\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x80F@\\x00\\x00\\x00\\x00\\x00\\x80E@\\x00\\x00\\x00\\x00\\x00\\xc0S\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00E@\\x00\\x00\\x00\\x00\\x00\\x00N@\\x00\\x00\\x00\\x00\\x00\\x80X\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00I@\\x00\\x00\\x00\\x00\\x00\\x80K@\\x00\\x00\\x00\\x00\\x00\\x80M\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x80J@\\x00\\x00\\x00\\x00\\x00\\x80J@\\x00\\x00\\x00\\x00\\x00\\x00L\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x80F@\\x00\\x00\\x00\\x00\\x00\\x00F@\\x00\\x00\\x00\\x00\\x00\\x80N\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x80E@\\x00\\x00\\x00\\x00\\x00@P@\\x00\\x00\\x00\\x00\\x00\\x00U\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x80A@\\x00\\x00\\x0"..b'b2\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xdd\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc8\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc3\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xad\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xce\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xbd\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xce\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc3\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x93\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa2\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xab\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa6\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc1\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb1\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x9d\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xaf\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x94\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa4\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa8\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa8\\xff\\xff\\xff\\xff\\xff\\xff\\xff6\\x00\\x00\\x00\\x00\\x00\\x00\\x00*\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\\'\\x00\\x00\\x00\\x00\\x00\\x00\\x000\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\\'\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x1f\\x00\\x00\\x00\\x00\\x00\\x00\\x00!\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x17\\x00\\x00\\x00\\x00\\x00\\x00\\x00&\\x00\\x00\\x00\\x00\\x00\\x00\\x00"\\x00\\x00\\x00\\x00\\x00\\x00\\x00#\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00\\x000\\x00\\x00\\x00\\x00\\x00\\x00\\x00A\\x00\\x00\\x00\\x00\\x00\\x00\\x00=\\x00\\x00\\x00\\x00\\x00\\x00\\x00+\\x00\\x00\\x00\\x00\\x00\\x00\\x00<\\x00\\x00\\x00\\x00\\x00\\x00\\x007\\x00\\x00\\x00\\x00\\x00\\x00\\x005\\x00\\x00\\x00\\x00\\x00\\x00\\x00,\\x00\\x00\\x00\\x00\\x00\\x00\\x00A\\x00\\x00\\x00\\x00\\x00\\x00\\x004\\x00\\x00\\x00\\x00\\x00\\x00\\x008\\x00\\x00\\x00\\x00\\x00\\x00\\x00V\\x00\\x00\\x00\\x00\\x00\\x00\\x00]\\x00\\x00\\x00\\x00\\x00\\x00\\x00^\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\\\\\x00\\x00\\x00\\x00\\x00\\x00\\x00[\\x00\\x00\\x00\\x00\\x00\\x00\\x00W\\x00\\x00\\x00\\x00\\x00\\x00\\x00[\\x00\\x00\\x00\\x00\\x00\\x00\\x00Q\\x00\\x00\\x00\\x00\\x00\\x00\\x00N\\x00\\x00\\x00\\x00\\x00\\x00\\x00W\\x00\\x00\\x00\\x00\\x00\\x00\\x00I\\x00\\x00\\x00\\x00\\x00\\x00\\x00a\\x00\\x00\\x00\\x00\\x00\\x00\\x00o\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x17\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x14\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x1a\\x00\\x00\\x00\\x00\\x00\\x00\\x00!\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\t\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\t\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x1a\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x13\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x15\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x1b\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x0f\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\xb6\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa4\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x9d\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x8d\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa0\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x93\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa0\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x9a\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa6\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x95\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb2\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb4\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb7\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xcf\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xcf\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb1\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x9e\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc5\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc8\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xc3\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xac\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xb5\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xba\\xff\\xff\\xff\\xff\\xff\\xff\\xff+\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x0f\\x00\\x00\\x00\\x00\\x00\\x00\\x00$\\x00\\x00\\x00\\x00\\x00\\x00\\x00>\\x00\\x00\\x00\\x00\\x00\\x00\\x00F\\x00\\x00\\x00\\x00\\x00\\x00\\x00/\\x00\\x00\\x00\\x00\\x00\\x00\\x004\\x00\\x00\\x00\\x00\\x00\\x00\\x00.\\x00\\x00\\x00\\x00\\x00\\x00\\x00"\\x00\\x00\\x00\\x00\\x00\\x00\\x00-\\x00\\x00\\x00\\x00\\x00\\x00\\x002\\x00\\x00\\x00\\x00\\x00\\x00\\x00-\\x00\\x00\\x00\\x00\\x00\\x00\\x00-\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\xa4\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa0\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa8\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x8e\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x96\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xa3\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x94\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x92\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x94\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x96\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x96\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x99\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x04\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x1f\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\xf9\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\xfb\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\t\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\xf8\\xff\\xff\\xff\\xff\\xff\\xff\\xff\\x04\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x15\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x12\\x00\\x00\\x00\\x00\\x00\\x00\\x00\'\n+p122\n+tp123\n+bsb.\n\\ No newline at end of file\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/nn_model03.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/nn_model03.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,91 @@
+ccopy_reg
+_reconstructor
+p0
+(csklearn.neighbors.nearest_centroid
+NearestCentroid
+p1
+c__builtin__
+object
+p2
+Ntp3
+Rp4
+(dp5
+S'centroids_'
+p6
+cnumpy.core.multiarray
+_reconstruct
+p7
+(cnumpy
+ndarray
+p8
+(I0
+tp9
+S'b'
+p10
+tp11
+Rp12
+(I1
+(I4
+I4
+tp13
+cnumpy
+dtype
+p14
+(S'f8'
+p15
+I0
+I1
+tp16
+Rp17
+(I3
+S'<'
+p18
+NNNI-1
+I-1
+I0
+tp19
+bI00
+S'\x00\x00\x00\x00\x00\x00\x00\x00\xab\xaa\xaa\xaa\xaa\x8aG@\x00\x00\x00\x00\x00\xc0K@UUUUUEQ\xc0\x00\x00\x00\x00\x00\x00\x00@\xab\xaa\xaa\xaa\xaajV\xc0\xab\xaa\xaa\xaa\xaa*3@\x00\x00\x00\x00\x00\xa0Y\xc0\x00\x00\x00\x00\x00\x00\xf0?\xc5N\xec\xc4N\xecM\xc0;\xb1\x13;\xb1SV@\x14;\xb1\x13;\xb1F@\x00\x00\x00\x00\x00\x00\x08@\xe9\xa2\x8b.\xba\xe8B@\x8c.\xba\xe8\xa2\x0bX\xc0t\xd1E\x17]t\x19@'
+p20
+tp21
+bsS'metric'
+p22
+Veuclidean
+p23
+sS'classes_'
+p24
+g7
+(g8
+(I0
+tp25
+g10
+tp26
+Rp27
+(I1
+(I4
+tp28
+g14
+(S'i8'
+p29
+I0
+I1
+tp30
+Rp31
+(I3
+S'<'
+p32
+NNNI-1
+I-1
+I0
+tp33
+bI00
+S'\x00\x00\x00\x00\x00\x00\x00\x00\x01\x00\x00\x00\x00\x00\x00\x00\x02\x00\x00\x00\x00\x00\x00\x00\x03\x00\x00\x00\x00\x00\x00\x00'
+p34
+tp35
+bsS'_sklearn_version'
+p36
+S'0.19.1'
+p37
+sS'shrink_threshold'
+p38
+Nsb.
\ No newline at end of file
b
diff -r 000000000000 -r c7b8fab00c0f test-data/nn_prediction_result01.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/nn_prediction_result01.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,49 @@
+0 58 56 -67 0
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 1
+2 -94 20 -96 1
+2 -85 26 -88 1
+2 -90 33 -114 1
+2 -63 9 -106 1
+2 -79 9 -93 1
+2 -99 26 -108 1
+2 -81 19 -110 1
+2 -108 21 -108 1
+2 -92 27 -106 1
+2 -88 2 -106 1
+2 -88 15 -103 1
+3 54 -74 4 3
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 3
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/nn_prediction_result02.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/nn_prediction_result02.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,49 @@
+0 58 56 -67 0
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 1
+2 -94 20 -96 1
+2 -85 26 -88 1
+2 -90 33 -114 1
+2 -63 9 -106 1
+2 -79 9 -93 1
+2 -99 26 -108 1
+2 -81 19 -110 1
+2 -108 21 -108 1
+2 -92 27 -106 1
+2 -88 2 -106 1
+2 -88 15 -103 1
+3 54 -74 4 3
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 3
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/nn_prediction_result03.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/nn_prediction_result03.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,49 @@
+0 58 56 -67 0
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 1
+2 -94 20 -96 1
+2 -85 26 -88 1
+2 -90 33 -114 1
+2 -63 9 -106 1
+2 -79 9 -93 1
+2 -99 26 -108 1
+2 -81 19 -110 1
+2 -108 21 -108 1
+2 -92 27 -106 1
+2 -88 2 -106 1
+2 -88 15 -103 1
+3 54 -74 4 3
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 3
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/numeric_values.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/numeric_values.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,49 @@
+0 58 56 -67
+0 44 64 -76
+0 51 48 -73
+0 58 65 -49
+0 43 61 -49
+0 45 43 -79
+0 42 60 -98
+0 50 55 -59
+0 53 53 -56
+0 45 44 -61
+0 43 65 -84
+0 35 52 -75
+0 56 56 -70
+1 -61 86 43
+1 -67 93 15
+1 -59 94 36
+1 -50 92 62
+1 -78 91 70
+1 -35 87 47
+1 -56 91 52
+1 -61 81 46
+1 -83 78 34
+1 -50 87 45
+1 -67 73 50
+1 -50 97 45
+1 -61 111 45
+2 -109 23 -92
+2 -94 20 -96
+2 -85 26 -88
+2 -90 33 -114
+2 -63 9 -106
+2 -79 9 -93
+2 -99 26 -108
+2 -81 19 -110
+2 -108 21 -108
+2 -92 27 -106
+2 -88 2 -106
+2 -88 15 -103
+3 54 -74 4
+3 42 -92 31
+3 39 -99 -7
+3 48 -115 -5
+3 39 -96 2
+3 31 -109 9
+3 33 -96 -8
+3 23 -102 4
+3 38 -90 21
+3 34 -107 1
+3 35 -78 18
b
diff -r 000000000000 -r c7b8fab00c0f test-data/precision_recall_curve.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/precision_recall_curve.txt Fri Feb 16 09:17:59 2018 -0500
[
@@ -0,0 +1,2 @@
+precision_recall_curve : 
+(array([1., 1.]), array([1., 0.]), array([1]))
b
diff -r 000000000000 -r c7b8fab00c0f test-data/precision_recall_fscore_support.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/precision_recall_fscore_support.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+precision_recall_fscore_support : 
+(0.8461538461538461, 0.8461538461538461, 0.8461538461538461, None)
b
diff -r 000000000000 -r c7b8fab00c0f test-data/precision_score.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/precision_score.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+precision_score : 
+0.8461538461538461
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_model01
b
Binary file test-data/prp_model01 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_model02
b
Binary file test-data/prp_model02 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_model03
b
Binary file test-data/prp_model03 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_model04
b
Binary file test-data/prp_model04 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_model05
b
Binary file test-data/prp_model05 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_model06
b
Binary file test-data/prp_model06 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_model07
b
Binary file test-data/prp_model07 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_model08
b
Binary file test-data/prp_model08 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_model09
b
Binary file test-data/prp_model09 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_result01
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result01 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,15 @@
+0.34079224150348947 -0.3921227933085925 0.2490507280911941 -0.7698156258582727 -0.1701382209728926
+-0.8620757555306106 -0.19048588419219253 0.24710543975009408 0.7422931346186274 -0.6790706051909926
+-0.44857543757211044 0.19920312300180737 -0.812112096739406 0.2785593090771274 0.04069143168750737
+1.3342816328356895 1.6641608262566074 -3.000113357933606 -0.6701123839490727 -0.07045038775469255
+0.7615267260378895 0.9176274108888074 -1.954493327131406 -0.5675301168878727 0.10063563654750733
+0.3517077819346894 0.6351202511326074 -1.518915029366606 -0.30971697444707263 0.09957030020130735
+-1.1546995581165105 -0.5289323469785927 0.7279548225941941 0.8261855855227276 -0.6127421735668926
+-0.17683671467671042 -1.5830256329757926 1.8352445249339941 -1.0553955128494728 0.23777966502290743
+-0.04589044764567053 0.4089694362054475 -1.1558632189207658 -0.02446696726223259 0.07501752707814739
+-2.322599763463111 -1.5464662131621925 2.233148890877594 1.4052188634961276 -0.5115354482934926
+0.3359621667503495 -0.16218071845273258 -0.03556840603494589 -0.5958346262657126 -0.28461208654203257
+0.09817425011268949 -0.29803272230839256 0.18230400872239416 -0.42567750847007263 -0.2990016986016926
+0.6939725287059254 -0.046625817910626616 -0.25306728129413986 -0.9172273915573068 -0.2192857084889266
+-1.8560091420543106 -0.8903352997473926 0.8320084501263939 1.0765172991949272 0.09558502193530742
+0.7235684795430894 -0.41357463008399253 0.19661484068979412 -1.2196980959976726 -0.029144264696292624
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_result02
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result02 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,15 @@
+0.5507843815769634 0.3509713593582132 0.5024983733118504 0.21181277111109376 0.0
+0.3861806964013367 0.5069547456108511 0.6109599535763046 0.8290928000628373 0.0
+0.5507375738755746 0.6540163740150353 0.4443100403766963 0.7730482551190299 1.0
+1.0 1.0 0.0 0.517244227590485 1.0
+0.8235586181451755 0.7985651943678985 0.18709221814790866 0.4963213476362478 1.0
+0.7266009913523925 0.7367833962232062 0.2805049676108317 0.5753897601225946 1.0
+0.30103611027291544 0.41809900797558924 0.6996399175984136 0.8344573213929083 0.0
+0.3312417925943893 0.0 0.7545711939364796 0.0 0.0
+0.6381134490835961 0.6925288168071413 0.36342661590035497 0.6700118165314028 1.0
+0.0 0.17251430929709788 1.0 0.9803983325686505 0.0
+0.5767922296995018 0.42657716609772306 0.4660985815769355 0.29991460317209145 0.0
+0.5238014571892052 0.39991387603944323 0.5157872357238816 0.3562801111416092 0.0
+0.6462177807916674 0.4376032758632245 0.4055927537907609 0.18180023195970593 0.0
+0.2038689924106734 0.40279192286335813 0.7842991022590049 1.0 1.0
+0.6081358906411253 0.3153114383337088 0.4611172283355056 0.03134330438976468 0.0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_result03
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result03 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,15 @@
+1.0 -0.409899987374 -0.649450145317 0.510268556953 -0.229110484125 0.0 0.16801799964920539 0.26620960636548074 -0.2091590750523839 0.09391238455008853 -0.0 0.4217854912522724 -0.33139398846382173 0.14879583720862946 -0.0 0.260374000214897 -0.11690787611726697 0.0 0.05249161393599188 -0.0 0.0
+1.0 -1.10383560019 0.0611191480175 1.0172556528299999 1.79193066057 0.0 1.2184530322468177 -0.06746549143499857 -1.1228830040882731 -1.9779968562091492 -0.0 0.003735550254385074 0.06217379881695535 0.10952127528047438 0.0 1.0348090632145892 1.8228515939442282 0.0 3.2110154922908367 0.0 0.0
+1.0 -0.41009731910999997 0.7310461183329999 0.238276079462 1.60843479815 1.0 0.16817981114120914 -0.29980005327413506 -0.09771638139540752 -0.659614798684549 -0.41009731910999997 0.5344284271297466 0.17419080298230055 1.1758400157792797 0.7310461183329999 0.05677549004378134 0.38325153777343535 0.238276079462 2.5870624998998313 1.60843479815 1.0
+1.0 1.48390157074 2.30714564103 -1.83858336229 0.7709049245659999 1.0 2.2019638716446392 3.423577040650361 -2.7282767392385616 1.1439470284546884 1.48390157074 5.322921008923729 -4.241879589977655 1.7785899363610076 2.30714564103 3.3803887800896018 -1.417372968214475 -1.83858336229 0.59429440272011 0.7709049245659999 1.0
+1.0 0.74006063964 1.38952620136 -0.96404935579 0.702401167325 1.0 0.547689750344366 1.028333649375021 -0.7134549828904773 0.5198194571744222 0.74006063964 1.9307830642659514 -1.3395718392744338 0.9760048258639371 1.38952620136 0.929391160399114 -0.6771493928658102 -0.96404935579 0.49336739985952266 0.702401167325 1.0
+1.0 0.331307031883 1.10808437795 -0.527405721679 0.961279646112 1.0 0.10976434937512317 0.3671161463345349 -0.17473322424758106 0.3184787063629073 0.331307031883 1.2278509886568385 -0.5844100410339456 1.0651789586980116 1.10808437795 0.27815679525974685 -0.5069843854930332 -0.527405721679 0.924058558029212 0.961279646112 1.0
+1.0 -1.4627878344 -0.34365574639300006 1.43177660405 1.8094946798500002 0.0 2.139748248468642 0.5026954450453321 -2.0943853979828857 -2.646906804096103 -0.0 0.11809927202892997 -0.49203825753283764 -0.6218432447980146 -0.0 2.0499842439049503 2.5907921477621754 0.0 3.274270996405455 0.0 0.0
+1.0 -1.33544682955 -2.24827087098 1.6885444678000001 -0.922608257112 0.0 1.7834182345551466 3.0024462066198576 -2.254961356077702 1.2320942718768715 -0.0 5.054721909297167 -3.7963053413091665 2.074273269790536 -0.0 2.851182419737986 -1.5578650684930677 0.0 0.8512059960912424 -0.0 0.0
+1.0 -0.041738424574199996 0.906486336146 -0.13980113811 1.27108242642 1.0 0.001742096085936182 -0.03783531156877273 0.005835079258391552 -0.05305297798272229 -0.041738424574199996 0.821717477619399 -0.12672782147437484 1.1522188516650336 0.906486336146 0.019544358216851295 -0.17769876984513633 -0.13980113811 1.6156505347537549 1.27108242642 1.0
+1.0 -2.7318947650200003 -1.46239633785 2.83576394706 2.28732123255 0.0 7.463249007143682 3.9951128997568346 -7.747008681805666 -6.24872090112244 -0.0 2.1386030489570915 -4.147010811187605 -3.344970193967668 -0.0 8.04155716344531 6.486303086610132 0.0 5.231838420874052 0.0 0.0
+1.0 -0.300256196558 -0.305034204892 0.340123288396 0.0593443810367 0.0 0.09015378357147634 0.0915884101809656 -0.1021241249345827 -0.017818518137168244 -0.0 0.09304586615409464 -0.10374923684112626 -0.01810206608433767 -0.0 0.11568385130930857 0.020184406026027626 0.0 0.0035217555606290385 0.0 0.0
+1.0 -0.523654501136 -0.42649659668799994 0.5723853152130001 0.24389111089200002 0.0 0.274214036559993 0.22333686257485638 -0.29973214669543563 -0.1277146780056551 -0.0 0.18189934698644647 -0.2441203889325326 -0.1040187287578936 -0.0 0.3276249490714854 0.1395996903855662 0.0 0.05948287397213385 0.0 0.0
+1.0 -0.007572212655529999 -0.254805682403 0.0572980350837 -0.327374762308 0.0 5.733840450056868e-05 0.0019294428129929542 -0.00043387290639779506 0.002478951318249763 -0.0 0.0649259357848585 -0.014599864929853214 0.08341694971140987 -0.0 0.003283064824452916 -0.018757930616241734 0.0 0.1071742349962195 -0.0 0.0
+1.0 -1.87242461384 -0.413385894664 1.8275030360799998 2.35149919802 1.0 3.5059739345138734 0.7740339241831431 -3.421861666623521 -4.403004977797668 -1.87242461384 0.1708878979071557 -0.755463977571107 -0.9720765997751761 -0.413385894664 3.339767346881617 4.297371923721235 1.8275030360799998 5.529548478288703 2.35149919802 1.0
+1.0 -0.16811770561099998 -0.811895938369 0.316838713275 -0.819986910541 0.0 0.028263562939906853 0.13649408235348612 -0.053266197524534487 0.1378543180312052 -0.0 0.659175014740079 -0.25724006442603264 0.6657440421839824 -0.0 0.10038677022975767 -0.25980359763815297 0.0 0.672378533458574 -0.0 0.0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_result04
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result04 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,15 @@
+0.0 -0.25385559680817016 0.13442061387070464 -0.5602120769938709 0.0
+-0.5807061112525813 0.2698773982744695 0.5349578561360192 0.571982134735025 0.0
+-0.00016513310878258202 0.7636545174678359 -0.0804627978317235 0.4691871204655464 1.0
+1.584789882498885 1.9253361878040125 -1.7212531850763018 0.0 1.0
+0.9623215057330502 1.248994581161877 -1.0303412425843197 -0.038376040801309956 1.0
+0.6202642404230927 1.0415547572084232 -0.6853777543973235 0.1066485748494791 1.0
+-0.881088095119412 -0.028466436412001278 0.862443663986116 0.5818215588435884 0.0
+-0.7745253270992509 -1.4322841823191093 1.0652991072215634 -0.9487119185155306 0.0
+0.30808862594408043 0.8929646798898123 -0.37915680271103425 0.2802011596461483 1.0
+-1.9431147973567746 -0.8530466232854528 1.97164195151228 0.8495016397748227 0.0
+0.09175320910447847 0.0 0.0 -0.3986186678055577 0.0
+-0.0951931852237634 -0.08952520583418162 0.18349498924288923 -0.2952349539785941 0.0
+0.33667993570408733 0.03702149075186114 -0.22344167716683067 -0.6152600641516485 0.0
+-1.223884424953702 -0.07986181719203675 1.1750811552867684 0.8854543571237001 1.0
+0.20233065722424093 -0.37358807403702804 -0.01839561515890641 -0.8912230866367292 0.0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_result05
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result05 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,7 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 4
+1 1 1.000000000000000e+00
+2 3 1.000000000000000e+00
+3 1 1.000000000000000e+00
+3 3 1.000000000000000e+00
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_result06
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result06 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 1.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 000000000000 -r c7b8fab00c0f test-data/prp_result07
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result07 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,15 @@
+0.10866513901130055 -0.5565683482001781 0.01697338750768846 -0.9589623671667038 -0.816496580927726
+-0.5710995365177258 0.07926796585473102 0.46542360804755395 0.9797654572160418 -0.816496580927726
+0.10847183700890116 0.6787364476581768 -0.2236147606088382 0.803743046654752 1.224744871391589
+1.9637931622636124 2.0890722453009336 -2.0606794162148767 0.00032423752699077795 1.224744871391589
+1.2351422905746392 1.2679619500798842 -1.2871193566513779 -0.06538948660301952 1.224744871391589
+0.8347358862676002 1.0161203164819261 -0.9008907216292501 0.18294534382616373 1.224744871391589
+-0.922721566734639 -0.28293538193724904 0.8320838514832234 0.9966141260199964 -0.816496580927726
+-0.7979810068833711 -1.9872356829362412 1.059205224122999 -1.6242152405020795 -0.816496580927726
+0.4693084330819043 0.8357250235474191 -0.5580390743243027 0.48013042183945476 1.224744871391589
+-2.1659119218220786 -1.284014236214121 2.073966413639728 1.4549796745789692 -0.816496580927726
+0.2160698816290759 -0.2483757987671466 -0.1335268595966537 -0.6822557426452339 -0.816496580927726
+-0.0027663810163240663 -0.35706357942460004 0.07191812706310458 -0.5052252645629531 -0.816496580927726
+0.5027769329398427 -0.20342998011241972 -0.3836970281346616 -1.053224520491157 -0.816496580927726
+-1.3239931073762934 -0.34533177433843787 1.182119596299028 1.5165437885484256 1.224744871391589
+0.3455099575735564 -0.7019291669926769 -0.15412299100336474 -1.5257734742396478 -0.816496580927726
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_result08
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result08 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 1.000000000000000e+00
+1 3 -1.818181818181818e-02
+2 3 1.000000000000000e+00
+3 1 4.000000000000000e-02
+3 2 -1.000000000000000e+00
+3 3 2.363636363636364e-01
b
diff -r 000000000000 -r c7b8fab00c0f test-data/prp_result09
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result09 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 8.333333333333334e-01
+1 3 -1.666666666666667e-01
+2 3 1.000000000000000e+00
+3 1 5.235602094240837e-03
+3 2 -6.544502617801047e-01
+3 3 3.403141361256544e-01
b
diff -r 000000000000 -r c7b8fab00c0f test-data/pw_metric01.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pw_metric01.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,4 @@
+3.0431466614809506e-10 1.0 0.0014178061201292206 0.04636609716221582 0.012120163495312785 0.012120163495312785 0.03966478547536481 4.837152686522704e-11
+0.00827235898637926 0.0014178061201292193 1.0 0.5030530725911153 0.005949415154775898 0.005949415154775898 0.001821364614043494 1.4472984886595985e-15
+0.0001805433897597471 0.04636609716221582 0.5030530725911155 1.0 0.05154646069476933 0.05154646069476933 0.032127855194777344 6.217339473667583e-13
+1.9087117205849074e-06 0.012120163495312775 0.005949415154775898 0.05154646069476933 1.0 1.0 0.6882765785347926 7.171478371468866e-07
b
diff -r 000000000000 -r c7b8fab00c0f test-data/pw_metric02.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pw_metric02.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,4 @@
+0.0 6.991989327202 4.700302055636 5.583279679695999
+6.991989327202 0.0 2.2916872715660004 5.558713150412
+4.700302055636 2.2916872715660004 0.0 4.078323200938
+5.583279679695999 5.558713150412 4.078323200938 0.0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/pw_metric03.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pw_metric03.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,4 @@
+0.0 0.7801459919993865 0.69641542739614 0.649889281728111
+0.7801459919993865 0.0 0.7727193167666271 0.7669511761085644
+0.69641542739614 0.7727193167666271 0.0 0.6761972684325525
+0.649889281728111 0.7669511761085644 0.6761972684325525 0.0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/qda_model01
b
Binary file test-data/qda_model01 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/qda_prediction_result01.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/qda_prediction_result01.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+3.68258022948 2.82110345641 -3.990140724 -1.9523364774 0
+0.015942057224 -0.7119585943469999 0.125502976978 -0.972218263337 0
+2.0869076882499997 0.929399321468 -2.1292408448400004 -1.9971402218799998 0
+1.4132105208399999 0.523750660422 -1.4210539291 -1.49298569451 0
+0.7683140439399999 1.38267855169 -0.989045048734 0.649504257894 1
b
diff -r 000000000000 -r c7b8fab00c0f test-data/recall_score.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/recall_score.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+recall_score : 
+0.8461538461538461
b
diff -r 000000000000 -r c7b8fab00c0f test-data/regression.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression.txt Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +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.1448971209429855'..b'25403234856799\t334.5925683504202\n+0.5915653121373462\t-0.11033751258126516\t-0.5123607632950907\t-0.024541300619146538\t0.2773460749128965\t0.5872594680978843\t-0.7097112074705344\t-0.6006192810888252\t-0.45186439475168905\t0.36767347630475355\t-0.2835219064516102\t2.2255099612336893\t-1.194368281479641\t1.8922403900043392\t1.0176284959132584\t1.0077215829577184\t1.6461506538132258\t-1.5214526807706006\t-0.038054654908441364\t0.6400652771209987\t1.1101865526683756\t1.7212311976518058\t-0.9668870356169144\t0.5095145953119626\t-0.6258061948132327\t1.6540693588717\t-0.2759071848328467\t-0.5916821178781952\t1.0479255394356404\t-1.4491328383391289\t-1.7155404770963167\t0.9293797179956591\t0.45187539696617784\t1.5697333822572919\t0.09924302883049717\t-1.4304583513209488\t-1.7790052198085884\t0.9787815967593494\t0.4596208416025718\t0.002039989312795594\t0.670571381059279\t0.13284630812697834\t0.4742240303458316\t-0.3568770116156504\t0.906700812097106\t-1.3510974100758113\t1.3525883572448814\t0.7257751086155199\t-0.09572608603916524\t1.021842667698157\t-0.8836138953907986\t-0.9412733772954048\t1.5947769886550391\t1.0209239802272385\t0.09230308711426082\t-0.04862094515232531\t0.21076381406530026\t1.6418534367248823\t-0.24434612500459743\t0.3503493253178818\t0.7517268573418665\t0.41889930681094917\t-1.1927082123484898\t0.5636399400377983\t1.0562356622512707\t1.094534222872464\t-1.0340715190019967\t-0.04100745586155637\t-1.4916482971486642\t-0.5866455215458722\t0.42604107028869614\t-1.8618023512041566\t-0.4985029881803607\t0.1407303175871868\t-1.1833638011279208\t-0.7172101122622849\t-0.014624478743989654\t-2.2175685002493553\t0.6894265106536129\t1.5141044751068355\t-1.2565064162970065\t0.6762497993725941\t1.6427267909939458\t-0.5927440624976305\t2.6628271918309028\t-1.5822767860023326\t-0.05242307406751564\t0.962437095583402\t-0.33997777557902475\t0.57406693541952\t-1.3683019563925773\t0.11957236699383392\t0.9059064556897761\t1.2175215926968426\t1.0286079931145995\t0.8905795299551568\t0.020754117929975585\t1.7602727182818783\t0.9812209106546904\t0.030531942351904175\t-58.569265359119655\n+0.11442909702019288\t-0.6001354271699101\t-1.1749850605197794\t0.377898121052306\t0.8042639776910331\t-0.254125434545217\t0.19100846967687662\t0.05793637913866141\t-0.5726567690316898\t0.6713770449364342\t1.0048676733594226\t1.0803558538320612\t-0.5859532263676643\t0.3177386381077463\t-1.4817736540956798\t0.8663686480749377\t-0.6861002515876168\t0.9811897253223483\t0.014992745260227437\t-0.9604807961305822\t-1.4237624268470783\t-1.4144792109757476\t-1.0764124137223001\t-0.5347192159032681\t0.6396810471627973\t3.821688660563097e-05\t-1.6478964516089472\t-0.4794679378344072\t-0.5802759055533917\t-0.3562656519065551\t-0.35395058607791535\t1.2297187456322514\t-1.1113450741458666\t-1.949961108553788\t-0.1846259049531304\t-1.0825354994162457\t0.28175986241297163\t1.4313943524632156\t-0.21681273301628534\t2.033181076415105\t-0.8555403924827928\t0.8086573880481521\t-0.8127479685547693\t0.962257036743296\t0.8397177580964272\t0.16367264651409272\t0.3761238218003838\t-1.2054053480340503\t-0.39646871176150084\t0.5044067860931577\t-2.1226935791101758\t-1.7333791969840164\t0.6614622257884801\t-1.253188726938101\t-1.7334522801385388\t-0.6384296064851014\t-0.5210848321261182\t-1.075783773528473\t-0.1717059224133693\t-1.5862110917053625\t0.9022473025488862\t0.10062624722110004\t0.7353709195957284\t-0.4750646968261305\t-0.6465294110172473\t0.9547954804402544\t-2.0612624557158252\t-0.8989274437480881\t-0.6454366176559292\t1.5658925755731665\t0.05620965608259249\t0.18979697580970392\t0.21927974168966785\t1.0831527513802288\t1.4315300484729685\t-0.27009563032083855\t-1.1369065636985114\t1.8023904254614564\t-0.7672151746984333\t-1.1328003529927284\t0.20345737220567253\t1.4095637849341454\t-0.31306670625260175\t0.017046290986676118\t1.7279150664371243\t-1.1233933758108203\t-2.57092069804582\t-0.8250088308361263\t1.875429852674077\t0.3190440976519093\t-0.7451130661343918\t0.7326629051262685\t1.2780744410670275\t0.9732413241937075\t0.9775716617902253\t0.3360904513669875\t-0.42708309660137933\t0.8216378259077614\t-0.6475779000423997\t0.7302525842946842\t-40.122076528918626\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/regression_test.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_test.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+86.9702122735 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331
+91.2021798817 -0.621522971207 1.11914889596 0.390012184498 1.28956938152
+-47.4101632272 -0.638416457964 -0.732777468453 -0.864026104978 -1.06109770116
+61.7128046302 -1.09994800577 -0.739679672932 0.585657963012 1.48906827536
+-206.998295124 0.130238853011 0.70574123041 1.33206565264 -1.33220923738
b
diff -r 000000000000 -r c7b8fab00c0f test-data/regression_train.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_train.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,10 @@
+143.762620712 -0.330941870584 -1.17964571928 0.47944415578 -0.0486946279099 1.57951239219
+-88.5787166225 1.08055532812 -2.57109184022 -0.92512305494 0.317511276982 -1.202358944
+-82.8452345578 0.272541389247 -0.168636324107 0.923988150154 -0.467750945768 -0.719169535969
+72.4951388149 -0.268686605278 0.991068834926 0.731619322189 1.17038734294 0.323842059244
+11.805182128 1.03604670966 -0.709685560786 -1.54916691211 -0.614757954242 0.24176665894
+-63.9354970901 -0.101485840571 0.984112210822 -2.01704822953 0.282058758309 -0.776448499847
+126.325840796 -0.359998340179 0.353534448839 -1.23256828198 0.563632964937 1.15031170568
+23.0341392692 0.518540465136 1.03188231893 -2.53173026594 -0.0419267228327 0.193734455015
+67.6714937696 -0.115688051547 -0.821437865172 -0.368962397052 -0.526743874023 0.94315222831
+47.3927584881 -0.785096541368 -0.0942409319417 0.224267378731 -1.63317786831 1.26458811586
b
diff -r 000000000000 -r c7b8fab00c0f test-data/rfc_model01
b
Binary file test-data/rfc_model01 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/rfc_result01
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/rfc_result01 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+3.68258022948 2.82110345641 -3.990140724 -1.9523364774 0
+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 000000000000 -r c7b8fab00c0f test-data/rfc_result02
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/rfc_result02 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,6 @@
+0 1 2 3 0
+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
b
diff -r 000000000000 -r c7b8fab00c0f test-data/rfr_model01
b
Binary file test-data/rfr_model01 has changed
b
diff -r 000000000000 -r c7b8fab00c0f test-data/rfr_result01
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/rfr_result01 Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+86.9702122735 1.00532111569 -1.01739601979 -0.613139481654 0.641846874331 0
+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
b
diff -r 000000000000 -r c7b8fab00c0f test-data/roc_auc_score.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/roc_auc_score.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+roc_auc_score : 
+1.0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/roc_curve.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/roc_curve.txt Fri Feb 16 09:17:59 2018 -0500
[
@@ -0,0 +1,2 @@
+roc_curve : 
+(array([0., 1.]), array([1., 1.]), array([1, 0]))
b
diff -r 000000000000 -r c7b8fab00c0f test-data/scurve.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/scurve.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,101 @@
+0 1 2 0
+0.3977671870599717 1.556578430899697 -0.08251361596021634 0.40908193877996885
+-0.8687998111588782 1.5591967972214993 1.4951634963628657 -2.0888193347997555
+-0.6528985856951757 1.2206563064187876 0.2425546641524292 -0.7114049471333452
+-0.10763690701724954 0.6180006970488043 -1.994190271652142 3.2494384932879354
+0.9990111870215757 1.395469815025912 1.0444595119827287 -4.667914808555971
+0.4123520816278936 1.7192365914581302 1.911024566505834 -3.5666270101178843
+0.9992598944951743 1.2506475155136152 -1.038466391220041 1.6092722105544868
+0.07044439596581016 1.9648156592190993 -1.9975157076843513 3.071089864770035
+0.2786297608351926 1.9530002540317106 1.9603985924484288 -3.4239597268300024
+0.6501166570301194 0.33338826239771624 -0.24016558892612527 0.7077379561867405
+-0.5197257228645411 0.04635627295680722 -1.8543331744658698 3.688122530567428
+-0.3902353755064801 0.3214890970141633 1.9207151305932344 -2.740705430508417
+-0.17497560644179438 1.8469936505181748 1.9845727688446022 -2.9657116612605137
+0.5221484980242218 1.907099699759068 1.8528545866740995 -3.690960851680461
+-0.4792533123380228 0.4219568374368927 1.8776766275873098 -2.6417888938563703
+-0.9797742589851274 0.7210505016292164 -1.2001059754983456 4.510922897610046
+0.20263517733108996 1.0987505232553443 -1.9792543004286465 2.9375444742802506
+-0.049689070724760004 0.5436616983539442 1.998764735185674 -3.0918831130301685
+0.16054679698370528 0.9212032421497003 -1.9870282295751591 2.9803480424411313
+-0.848046462831257 1.3923231296467706 1.5299218780909065 -2.1293047696406013
+-0.6001374278102054 1.00071179334973 0.20010308930378384 -0.6436729046245641
+-0.8444784826965399 1.4321419811286722 -1.5355894810977433 4.147183346058282
+0.14728007148811859 1.051911872459558 -1.9890948288927885 2.993774864346985
+-0.9996571179505837 0.002798046238087659 0.9738151469216869 -1.544608480534027
+-0.08231500933732551 0.789400573379671 1.9966063612268368 -3.0591844018653584
+-0.93150531410199 0.9843339398022999 0.6362722861813346 -1.1985297274428728
+0.9985631716839931 0.8057606627582843 1.0535872387458443 -4.6587760616584815
+-0.7230904998637341 0.7085966002126411 1.6907533054620987 -2.333326647720376
+0.34762708311665286 1.0012286388859064 -1.937632876494744 2.7865534936848286
+0.9896822071936343 0.8903532576622766 1.1432798965812592 -4.568614263590023
+0.802561656573729 0.1808655763928717 -0.40343081926935587 0.9315768804436803
+0.8295686274528585 0.5471258400548813 -0.44159522535531603 0.9783347317989111
+0.5478589244187156 1.8869541954854538 1.8365707375558675 -3.721395392287229
+-0.8968769078869208 0.05308928266788393 0.5577197584119364 -1.112656818224533
+0.9414877787137416 0.07999737928130157 1.3370471221248814 -4.36861024611527
+-0.5123763050446365 0.5662807194396391 -1.8587610389560099 3.6795422987583914
+-0.9838764948236677 1.1646883404335377 -1.1788492184313182 4.5325722940439555
+0.8446207585774639 1.9817856058496541 1.5353650849467395 -4.147449045247767
+-0.5134635265087703 1.9852844748059362 -1.8581114187243855 3.6808088125450618
+0.6629704248661121 1.9862347449620896 -0.2513544124534983 0.7247795566955495
+0.7554072589100717 0.22009666193312594 -1.6552555785233514 2.285317229744828
+0.9414665775358844 1.3289628919278802 -0.6628936616097694 1.2269546953393253
+0.6970998337140184 1.0479736689766257 -0.2830259266640892 0.771344491181049
+0.9815033210055982 0.34629981961746203 1.1914451118597227 -4.519754699320089
+-0.39737776530431507 1.8859204898300514 1.9176551158478596 -2.732935119957695
+0.4088057226043997 0.4837201719525046 -0.0873785663453358 0.42114505503778177
+0.5689610393575872 1.997864537686424 -1.8223644786182913 2.536350733545226
+-0.7117248012522958 1.1653876302997974 1.7024584025281355 -2.3496421099311062
+-0.9017093613161719 0.36655800126115157 1.4323427202056043 -2.0178855783591256
+-0.1786879758312358 0.7736908438355805 -1.9839057918791492 3.3212454573701335
+-0.9723842056197265 0.3793470578242992 -1.2333858536014841 4.476830732165707
+-0.4667074055908779 0.82154134605062 -1.8844117805449176 3.6271568386244812
+-0.9697262758156269 1.1893601378034109 0.7558055078574566 -1.3241073761244555
+0.8026491848386869 1.4331721862566797 -0.4035485886697966 0.9317236143146349
+-0.9796116257430225 0.973782964738247 0.7990993710584449 -1.3685191190592791
+-0.9979125577784844 0.6191796355334092 0.9354203822556756 -1.506171736090039
+-0.10737008100009574 1.1548827456556947 1.994219123586965 -3.0340151952583767
+-0.6205303344749991 0.8834156391374859 1.7841824430554065 -2.47217384154222
+0.9119366368046158 0.7193562052010725 1.4103310498286552 -4.289571929378564
+0.05116766471514225 0.6426638640176272 -0.0013099229052093708 0.05119001832685611
+-0.919298038018715 0.4164144803920453 0.6064379117662104 -1.1662931414375148
+0.7673321224211829 0.9025172481236687 -0.3587501158669868 0.8746702977579014
+0.9406950638741427 0.9836858205281078 -0.6607467070125588 1.224673325218082
+0.2248801422552771 1.7981526295874224 1.974386433412969 -3.3684126795925735
+-0.8118217154647471 1.4587209220588824 -1.5839053881408145 4.088857917682654
+-0.8750013519969542 1.540179545839391 -1.4841204746790846 4.207031262780481
+0.8215493843697356 0.7508784951239764 -0.4298626401982515 0.9641232852422307
+-0.8712670007895729 0.6874790704707687 0.5091906548005198 -1.0577778876327393
+-0.9606749176794713 1.3100704119986448 0.7223244653529213 -1.2894226836390708
+-0.34769588110473676 1.422075986420995 1.9376073667920921 -2.7864801185657746
+-0.8612137156108786 0.2270751504373525 1.5082429891731954 -2.1039397294255258
+-0.6836480419296963 0.2660573787471501 1.7298118625821948 -2.3888430406786174
+-0.06537388681621037 0.9120781152122479 1.9978608394573572 -3.0761721117703926
+-0.9508904524825157 0.31947246031702026 -1.3095276197330321 4.397692764885461
+-0.9190445859907995 1.9232838075492915 -1.3941535854980898 4.307242283598956
+0.7976448768053677 1.6752314897236196 -0.396872608393426 0.9233802207985884
+0.82012784273065 1.0403213740758466 -1.5721803226064055 2.179958239748519
+-0.9977921814158621 0.4365445154563088 0.9335864267986176 -1.5043338340148478
+0.6466563151332001 0.26983744506479757 1.762781495644953 -3.8447853585095637
+-0.3372771480081305 1.9581406909677377 0.05859460091228408 -0.34402306664559157
+0.08189332342923515 1.4140869913782863 -0.0033588993134415768 0.08198513727441611
+0.6721278513983975 1.7199511138913262 1.7404351094961488 -3.878671491461198
+0.26116197153766185 0.7743452556572781 -0.03470500642417007 0.2642257548531811
+-0.9972699903167676 0.5016680396634496 -1.073841495201509 4.638480215719958
+-0.8356213875032351 0.5988760378894045 0.45069416829313724 -0.9892630370377309
+-0.9997725392316383 1.7137910568100314 0.9786723231850661 -1.5494670327629019
+0.2597749659217181 0.9459679811364421 -1.9656691809726405 2.8788034923261603
+0.6775378840498384 1.3265540940322564 -1.7354878759553198 2.3971827984836165
+-0.9818128055532289 1.6114572148735704 1.1898515600454667 -1.7618072814448091
+0.9530840525734572 0.5059610092994482 -0.6972942208510786 1.263265975517483
+0.37166713582052907 0.15914687794064974 -0.07163394065112205 0.3808041508084387
+-0.9412858140954906 1.4655212100314303 1.3376107465448774 -1.9151737781966496
+0.5026357469500855 1.922794955007211 1.8644982972151707 -3.668237611000479
+-0.9810423862329671 1.9076094683353255 1.1937932826862832 -1.7658235913170124
+-0.394443478661629 0.9809981037677993 0.0810797955527841 -0.4054621469648051
+0.9973496893036097 1.2643841288655102 -0.9272428886912546 1.4979748709509983
+-0.7349034646198592 1.4659900396759846 1.6781717317094007 -2.3160683300963325
+0.9711121262740134 1.8048190064959324 -0.7613763670472586 1.3298480332391918
+-0.31012473730097145 0.32449383749640015 1.9506958753008259 -2.8262684176430155
+0.9963711828310001 0.8117626447351225 -0.9148855710002491 1.4855787932201252
b
diff -r 000000000000 -r c7b8fab00c0f test-data/sparse.mtx
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/sparse.mtx Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +1,8741 @@\n+%%MatrixMarket matrix coordinate real general\n+%\n+4 1048577 8738\n+1 271 0.02083333333333341\n+1 1038 0.02461995616119806\n+1 1665 0.01253924656438802\n+1 2794 0.0250470072492813\n+1 2897 0.02083333333333341\n+1 3377 0.02083333333333341\n+1 4053 0.05769913639656241\n+1 4959 0.007693218186208322\n+1 5733 0.01641330410746537\n+1 5985 0.01294450932696249\n+1 6146 0.02461995616119806\n+1 6551 0.02083333333333341\n+1 6812 0.01252350362464065\n+1 7663 0.01252350362464065\n+1 8132 0.01941676399044373\n+1 8260 0.01294450932696249\n+1 8398 0.02083333333333341\n+1 8495 0.01253924656438802\n+1 8846 0.02083333333333341\n+1 8955 0.01641330410746537\n+1 9442 0.01941676399044373\n+1 9811 0.02461995616119806\n+1 10010 0.01252350362464065\n+1 10205 0.0194183909345155\n+1 10495 0.03816237987288836\n+1 12091 0.0980885318741561\n+1 12255 0.01641330410746537\n+1 12330 0.01294450932696249\n+1 12841 0.01941676399044373\n+1 13130 0.00970919546725775\n+1 13234 0.00763247597457767\n+1 13369 0.01252350362464065\n+1 13424 0.02461995616119806\n+1 13929 0.01252350362464065\n+1 14370 0.01252350362464065\n+1 14667 0.01641330410746537\n+1 15146 0.01253924656438802\n+1 15784 0.009940534656094338\n+1 15880 0.02083333333333341\n+1 17369 0.01252350362464065\n+1 17674 0.03236127331740622\n+1 18464 0.009940534656094338\n+1 19202 0.00970919546725775\n+1 19526 0.01252350362464065\n+1 19723 0.01253924656438802\n+1 19745 0.02083333333333341\n+1 20407 0.01641330410746537\n+1 20582 0.01252350362464065\n+1 20843 0.00970919546725775\n+1 20975 0.0692389636758749\n+1 21671 0.0152711805445382\n+1 21829 0.0250470072492813\n+1 22178 0.01538643637241664\n+1 22277 0.02083333333333341\n+1 22856 0.01641330410746537\n+1 23053 0.01641330410746537\n+1 23225 0.01294450932696249\n+1 23728 0.02083333333333341\n+1 24382 0.01294450932696249\n+1 24672 0.00970919546725775\n+1 25245 0.01252350362464065\n+1 26569 0.03054236108907641\n+1 27748 0.01252350362464065\n+1 27941 0.01252350362464065\n+1 28962 0.01252350362464065\n+1 29320 0.01252350362464065\n+1 29735 0.07635590272269102\n+1 29839 0.00970919546725775\n+1 30063 0.02083333333333341\n+1 30646 0.0250470072492813\n+1 31588 0.03130875906160163\n+1 32319 0.01294450932696249\n+1 32433 0.01294450932696249\n+1 32797 0.009940534656094338\n+1 32800 0.00970919546725775\n+1 32837 0.02083333333333341\n+1 33008 0.00970919546725775\n+1 33979 0.01880886984658204\n+1 35441 0.0194183909345155\n+1 36189 0.01641330410746537\n+1 37457 0.0152711805445382\n+1 38049 0.01294450932696249\n+1 38464 0.00970919546725775\n+1 39762 0.0194183909345155\n+1 40007 0.01514765184153846\n+1 40018 0.02461995616119806\n+1 40091 0.01294450932696249\n+1 40157 0.01880886984658204\n+1 40920 0.007693218186208322\n+1 41305 0.02083333333333341\n+1 41617 0.01294450932696249\n+1 41628 0.0250470072492813\n+1 41645 0.0152711805445382\n+1 41800 0.03713053286162541\n+1 41970 0.01294450932696249\n+1 42308 0.02083333333333341\n+1 43264 0.02083333333333341\n+1 43550 0.01252350362464065\n+1 43781 0.01526495194915534\n+1 43902 0.0250470072492813\n+1 44084 0.00970919546725775\n+1 44116 0.0250470072492813\n+1 44133 0.01294450932696249\n+1 44135 0.01641330410746537\n+1 44195 0.01294450932696249\n+1 44513 0.02083333333333341\n+1 44990 0.009940534656094338\n+1 45201 0.02083333333333341\n+1 45447 0.01880886984658204\n+1 45548 0.0152711805445382\n+1 46543 0.01252350362464065\n+1 46563 0.0152711805445382\n+1 46627 0.01009843456102564\n+1 46930 0.009940534656094338\n+1 47084 0.01253924656438802\n+1 48208 0.01252350362464065\n+1 48783 0.0152711805445382\n+1 48993 0.01641330410746537\n+1 50742 0.02500295910517705\n+1 52051 0.01880886984658204\n+1 52833 0.002524608640256409\n+1 53918 0.01294450932696249\n+1 54190 0.01252350362464065\n+1 54267 0.00970919546725775\n+1 54837 0.009940534656094338\n+1 55562 0.02588901865392498\n+1 55759 0.02083333333333341\n+1 55865 0.009940534656094338\n+1 56669 0.01294450932696249\n+1 57379 0.00970919546725775\n+1 57633 0.0194183909345155\n+1 58567 0.01641330410746537\n+1 58964 0.007693218186208322\n+1 59338 0.01641330410746537\n+1 60239 0.02083333333333341\n+1 60904 0.0152711805445382\n+'..b'4 983313 0.01343038273375637\n+4 983688 0.02083333333333338\n+4 983770 0.01362848167001797\n+4 984175 0.01662975263094352\n+4 984900 0.02686076546751275\n+4 985526 0.01343038273375637\n+4 985593 0.02531848417709173\n+4 985753 0.01343038273375637\n+4 985859 0.01641330410746536\n+4 986055 0.02083333333333338\n+4 986185 0.01253136767792717\n+4 987191 0.01056442818410648\n+4 987694 0.0221186977601905\n+4 989433 0.04423739552038099\n+4 989840 0.01253136767792717\n+4 990517 0.01641330410746536\n+4 990522 0.01362848167001797\n+4 991282 0.01253136767792717\n+4 991559 0.01265924208854587\n+4 991935 0.01641330410746536\n+4 992416 0.01327797629320365\n+4 993308 0.02506273535585434\n+4 993319 0.02054987341316971\n+4 994759 0.01641330410746536\n+4 995303 0.01679782851708494\n+4 996150 0.01343038273375637\n+4 996559 0.01343038273375637\n+4 997115 0.02083333333333338\n+4 997142 0.01056442818410648\n+4 997713 0.02083333333333338\n+4 999660 0.01662975263094352\n+4 1000382 0.02054987341316971\n+4 1000967 0.03132841919481793\n+4 1001151 0.01679782851708494\n+4 1001447 0.02014557410063456\n+4 1002865 0.01265924208854587\n+4 1002928 0.02054987341316971\n+4 1003223 0.03027609162416319\n+4 1003297 0.02054987341316971\n+4 1003745 0.01679782851708494\n+4 1004821 0.02519674277562741\n+4 1004897 0.02083333333333338\n+4 1005440 0.02054987341316971\n+4 1006479 0.01343038273375637\n+4 1007088 0.02506273535585434\n+4 1008466 0.01327797629320365\n+4 1008887 0.01056442818410648\n+4 1009081 0.01343038273375637\n+4 1009095 0.01679782851708494\n+4 1009375 0.01662975263094352\n+4 1009826 0.01679782851708494\n+4 1009939 0.01105934888009525\n+4 1011571 0.01343038273375637\n+4 1011599 0.01362848167001797\n+4 1011879 0.01327797629320365\n+4 1012444 0.02044272250502696\n+4 1012825 0.02054987341316971\n+4 1012961 0.01641330410746536\n+4 1014776 0.01056442818410648\n+4 1014805 0.01679782851708494\n+4 1015053 0.02083333333333338\n+4 1015289 0.02054987341316971\n+4 1015354 0.02494462894641529\n+4 1017199 0.02054987341316971\n+4 1017321 0.01253136767792717\n+4 1017519 0.02083333333333338\n+4 1019441 0.01253136767792717\n+4 1020330 0.01253136767792717\n+4 1020740 0.05068391965620721\n+4 1021555 0.01105934888009525\n+4 1021677 0.01362848167001797\n+4 1021933 0.01056442818410648\n+4 1021999 0.01265924208854587\n+4 1022039 0.04109974682633943\n+4 1022303 0.01105934888009525\n+4 1022561 0.01362848167001797\n+4 1022916 0.01879705151689075\n+4 1023951 0.01343038273375637\n+4 1024145 0.02083333333333338\n+4 1024308 0.01343038273375637\n+4 1024517 0.01343038273375637\n+4 1024933 0.01641330410746536\n+4 1025625 0.02083333333333338\n+4 1026107 0.03759410303378151\n+4 1026881 0.01327797629320365\n+4 1027598 0.01679782851708494\n+4 1027994 0.02083333333333338\n+4 1028315 0.01641330410746536\n+4 1028744 0.01662975263094352\n+4 1029411 0.01679782851708494\n+4 1029532 0.01343038273375637\n+4 1031669 0.01327797629320365\n+4 1032010 0.02686076546751275\n+4 1032743 0.01056442818410648\n+4 1033350 0.01343038273375637\n+4 1033833 0.01056442818410648\n+4 1034007 0.02083333333333338\n+4 1034211 0.01641330410746536\n+4 1035601 0.01327797629320365\n+4 1036032 0.01265924208854587\n+4 1036554 0.02494462894641529\n+4 1037044 0.01662975263094352\n+4 1037251 0.01641330410746536\n+4 1037360 0.005433498852303906\n+4 1037802 0.02014557410063456\n+4 1038132 0.01641330410746536\n+4 1038217 0.01362848167001797\n+4 1038423 0.01679782851708494\n+4 1038643 0.01327797629320365\n+4 1038911 0.01343038273375637\n+4 1040201 0.004223659971350601\n+4 1040407 0.01253136767792717\n+4 1040538 0.01056442818410648\n+4 1040866 0.01265924208854587\n+4 1041961 0.01327797629320365\n+4 1042120 0.01105934888009525\n+4 1042128 0.01327797629320365\n+4 1042396 0.02083333333333338\n+4 1042483 0.01991696443980548\n+4 1042647 0.01362848167001797\n+4 1043095 0.03319494073300912\n+4 1044911 0.01105934888009525\n+4 1045283 0.02494462894641529\n+4 1045305 0.01056442818410648\n+4 1045987 0.01265924208854587\n+4 1046201 0.01105934888009525\n+4 1046367 0.02686076546751275\n+4 1046859 0.01679782851708494\n+4 1047379 0.02519674277562741\n+4 1047477 0.01105934888009525\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/sparse_u.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/sparse_u.txt Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +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.4'..b'8673364020325446\t0.6724964425333426\t-1.0909759530149077\t-0.5270034201986623\t-6.405748846172282\n+-0.30440284592936967\t0.770818433376395\t-0.23575096986827987\t-0.17778292517384178\t2.288635291333243\t-2.5289475108846857\t0.5677535540962639\t0.07355255089438108\t0.7483241867237762\t0.9146566431112833\t2.1852698329034212\n+1.2522315626273022\t-0.8847286012386693\t1.175609480746336\t0.4796962084572591\t-0.5899674340661235\t0.8621689184981023\t-1.4726571262457677\t0.6523101983645719\t-0.1516899652786653\t1.3432368831212602\t-4.239432498227812\n+-0.6594840624629351\t-0.4090657931046078\t-0.33858048238968697\t-0.3966186853856485\t-1.4582418462866669\t-0.010906592167949567\t-0.7665729756746352\t0.8421724903224964\t0.7918792014178204\t-1.317627725338646\t0.5588884412273524\n+0.013153036557870796\t0.15323002771333824\t-0.7863950304118423\t1.3681052191345213\t0.004008795533567026\t0.453194204359973\t-0.4063786899313203\t0.6841194893268114\t2.883969251775838\t-0.5881887751399346\t-1.219254407048262\n+0.36522540717596585\t0.3231095013887879\t0.5824042646735971\t-0.008457486200020091\t-1.7236514338073596\t-1.0255372547670172\t0.5349275937487872\t-1.6500251948243565\t0.6689473090641462\t0.2803223035037342\t-0.37071369664524845\n+0.40271751266444333\t0.59519151467352\t-0.04489492214522473\t0.6453464430821444\t-1.1274591498928925\t0.2245144207327693\t0.10571095020938731\t-1.0013467840435817\t-0.1861816445428681\t1.9979515177687335\t2.5995767761322797\n+0.5725567515972323\t-1.3687162010707115\t-1.1577200461261594\t1.0658262297925543\t-1.6549967992364703\t1.4771353822876396\t-0.9328609421342365\t0.13042091725382485\t-0.031028697570925873\t-0.08768373982573438\t-1.9979866829631265\n+0.6177594707762792\t2.8857517953922764\t1.7598211003608997\t1.0913309075290665\t-2.2134606073911924\t-0.023980761898605114\t1.2372535126873845\t-0.45619206614093344\t2.124745399513117\t0.2407422845881994\t1.4833224791678317\n+-0.05864391264016893\t-0.8739999199474732\t-0.12278570026442888\t0.9117965623133085\t-0.10746411474278562\t-0.7274708346047783\t1.5957629012804186\t0.9877470273404159\t-0.4881110169164618\t0.6296948056302356\t-2.6658189270610424\n+-0.4533996984310992\t0.6090995914299342\t-0.8522489506584864\t-0.05454962931514019\t1.0907946273414781\t-1.8463416145538356\t-0.41243382161399256\t-0.41546602951164513\t-1.3017565892197434\t-1.1360989745400003\t2.9560509022936547\n+-1.7976375781681988\t-0.6615569434901911\t2.5492856987737014\t-1.6376756241371526\t0.006317661817300752\t0.5417126512741955\t-0.13210003839031914\t-0.378736298456714\t1.9406228046678644\t-1.0418743710911664\t-7.365293956654084\n+-0.28559377932836866\t-0.59892262579212\t-0.3823403780460225\t-0.9859808115749349\t-1.3644765720109107\t-0.823533424001803\t-1.6813868155498577\t-0.9162199391704404\t0.5436279322698345\t1.5248626005482613\t0.6997299275259788\n+1.1974173477959238\t-1.2225052973966217\t-2.023763530020729\t0.0537117476660896\t-0.5362903624231383\t0.10714253527293145\t0.6151521853927577\t0.9050654404010442\t1.6525856413988107\t-0.8428196875999223\t2.0218356003959648\n+-0.06340532135397717\t0.48905360189011937\t0.7045354278052993\t-1.0717355675879099\t0.4137586484133794\t-0.345025274037323\t1.2401898182121198\t0.10342901781618742\t-2.1418516144035475\t-0.6836501416815086\t1.2636124831926194\n+-1.1807980275906318\t1.1810021618172988\t-1.0660552581621128\t-0.7430459223148423\t-0.8859252495127169\t-0.49581833514279516\t0.527387687628702\t-0.30175139488690217\t0.35564438892659067\t1.3281321131436516\t4.350078817584595\n+0.2380742569517034\t0.17185882517030615\t1.1167682468088798\t-0.013688855208146944\t1.2829097566144694\t-1.1299710458171193\t0.7587214440890531\t-1.0986042355701349\t-0.3029040483924579\t1.49961056170431\t-1.5059986176712683\n+0.14614254213307512\t1.9034164161920542\t-0.3062063943698761\t-0.45706533906364627\t-2.38861407368411\t-0.8617991799058063\t-0.5343938353030584\t-1.2626042854762183\t-1.0231988412194268\t0.5384660112416041\t4.252520100168033\n+1.7165027742351253\t0.17912390469970796\t-0.4559683500449692\t0.32669169909966733\t0.6819648840132921\t-0.7379887070817857\t1.3263448403293359\t0.9270035239969678\t0.21309224825039347\t1.3283330921381156\t2.240674520982342\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/svc_model01.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/svc_model01.txt Fri Feb 16 09:17:59 2018 -0500
[
b'@@ -0,0 +1,305 @@\n+ccopy_reg\n+_reconstructor\n+p0\n+(csklearn.svm.classes\n+SVC\n+p1\n+c__builtin__\n+object\n+p2\n+Ntp3\n+Rp4\n+(dp5\n+S\'_impl\'\n+p6\n+S\'c_svc\'\n+p7\n+sS\'kernel\'\n+p8\n+S\'rbf\'\n+p9\n+sS\'verbose\'\n+p10\n+I00\n+sS\'probability\'\n+p11\n+I00\n+sS\'classes_\'\n+p12\n+cnumpy.core.multiarray\n+_reconstruct\n+p13\n+(cnumpy\n+ndarray\n+p14\n+(I0\n+tp15\n+S\'b\'\n+p16\n+tp17\n+Rp18\n+(I1\n+(I4\n+tp19\n+cnumpy\n+dtype\n+p20\n+(S\'i8\'\n+p21\n+I0\n+I1\n+tp22\n+Rp23\n+(I3\n+S\'<\'\n+p24\n+NNNI-1\n+I-1\n+I0\n+tp25\n+bI00\n+S\'\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\'\n+p26\n+tp27\n+bsS\'support_\'\n+p28\n+g13\n+(g14\n+(I0\n+tp29\n+g16\n+tp30\n+Rp31\n+(I1\n+(I48\n+tp32\n+g20\n+(S\'i4\'\n+p33\n+I0\n+I1\n+tp34\n+Rp35\n+(I3\n+S\'<\'\n+p36\n+NNNI-1\n+I-1\n+I0\n+tp37\n+bI00\n+S\'\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x04\\x00\\x00\\x00\\x05\\x00\\x00\\x00\\x06\\x00\\x00\\x00\\x07\\x00\\x00\\x00\\x08\\x00\\x00\\x00\\t\\x00\\x00\\x00\\n\\x00\\x00\\x00\\x0b\\x00\\x00\\x00\\x19\\x00\\x00\\x00\\x1a\\x00\\x00\\x00\\x1b\\x00\\x00\\x00\\x1c\\x00\\x00\\x00\\x1d\\x00\\x00\\x00\\x1e\\x00\\x00\\x00\\x1f\\x00\\x00\\x00 \\x00\\x00\\x00!\\x00\\x00\\x00"\\x00\\x00\\x00#\\x00\\x00\\x00$\\x00\\x00\\x00\\x0c\\x00\\x00\\x00\\r\\x00\\x00\\x00\\x0e\\x00\\x00\\x00\\x0f\\x00\\x00\\x00\\x10\\x00\\x00\\x00\\x11\\x00\\x00\\x00\\x12\\x00\\x00\\x00\\x13\\x00\\x00\\x00\\x14\\x00\\x00\\x00\\x15\\x00\\x00\\x00\\x16\\x00\\x00\\x00\\x17\\x00\\x00\\x00\\x18\\x00\\x00\\x00%\\x00\\x00\\x00&\\x00\\x00\\x00\\\'\\x00\\x00\\x00(\\x00\\x00\\x00)\\x00\\x00\\x00*\\x00\\x00\\x00+\\x00\\x00\\x00,\\x00\\x00\\x00-\\x00\\x00\\x00.\\x00\\x00\\x00/\\x00\\x00\\x00\'\n+p38\n+tp39\n+bsS\'dual_coef_\'\n+p40\n+g13\n+(g14\n+(I0\n+tp41\n+g16\n+tp42\n+Rp43\n+(I1\n+(I3\n+I48\n+tp44\n+g20\n+(S\'f8\'\n+p45\n+I0\n+I1\n+tp46\n+Rp47\n+(I3\n+S\'<\'\n+p48\n+NNNI-1\n+I-1\n+I0\n+tp49\n+bI00\n+S\'\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\xd4\\xc1mt\\xf0\\xe6\\xef?\\x98=\\x1bj\\xf0\\xe6\\xef?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x97\\xf7\\x08\\t\\xd1\\xfb\\xef\\xbf\\xec\\xa63:\\xd3\\xfb\\xef\\xbf\\xa1\\xb2?\\x8e\\xd7\\xfb\\xef\\xbf\\xf5\\xfe>\\x8e\\xd7\\xfb\\xef\\xbfX\\xfeh\\t\\xd1\\xfb\\xef\\xbf\\xe2\\x8b\\xd39\\xd3\\xfb\\xef\\xbf\\xe1\\xb0!*\\xce\\xfb\\xef\\xbf\\xad\\x8f\\x03:\\xd3\\xfb\\xef\\xbf\\xac\\x8a\\x08\\t\\xd1\\xfb\\xef\\xbfif\\x8cZ\\xd0\\xfb\\xef\\xbfm\\x9e\\x03:\\xd3\\xfb\\xef\\xbf\\x08U\\xd39\\xd3\\xfb\\xef\\xbfhM\\xe0j>\\x88\\xed\\xbf\\xa5Y!\\xea\\xc7\\x89\\xed\\xbf1_\\xd0?\\xba\\x87\\xed\\xbf%/5\\xd31\\x8f\\xed\\xbf\\xa5Y!\\xea\\xc7\\x89\\xed\\xbf\\xa1e\\xd0?\\xba\\x87\\xed\\xbf\\\\\\x1d\\x93\\x1b\\xc8\\x89\\xed\\xbf\\xbald\\x8c0\\x86\\xed\\xbf\\x95\\xa4\\x8e\\xd21\\x8f\\xed\\xbf\\x19\\xb1\\xac\\xa0\\xba\\x87\\xed\\xbfa]\\xd0?\\xba\\x87\\xed\\xbf\\x90h3\\xd31\\x8f\\xed\\xbf\\xa1e\\xd0?\\xba\\x87\\xed\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0\\xbf\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\xfa\\x96\\x8af\\xb5\\x86\\xed\\xbf\\xe6Z|i<\\x88\\xed\\xbfyT|i<\\x88\\xed\\xbf\\x1f\\xb5\\x05\\xe9>\\x88\\xed\\xbf\\xe0\\r-\\x1e?\\x88\\xed\\xbf\\xea\\x08\\x12\\xd57\\x90\\xed\\xbf\\xfdR\\x04\\xe9>\\x88\\xed\\xbf\\xd2\\xfbc\\x9b\\xb5\\x86\\xed\\xbf7\\xc9\\xb7\\xe8>\\x88\\xed\\xbf\\x05\\xe5\\x0e\\xd57\\x90\\xed\\xbf\\xaaR|i<\\x88\\xed\\xbf\\x1e\\x95zi<\\x88\\xe'..b'0\\x00\\x00\\x80[\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00[\\xc0\\x00\\x00\\x00\\x00\\x00\\x005@\\x00\\x00\\x00\\x00\\x00\\x00[\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00W\\xc0\\x00\\x00\\x00\\x00\\x00\\x00;@\\x00\\x00\\x00\\x00\\x00\\x80Z\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00V\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x80Z\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00V\\xc0\\x00\\x00\\x00\\x00\\x00\\x00.@\\x00\\x00\\x00\\x00\\x00\\xc0Y\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80N\\xc0\\x00\\x00\\x00\\x00\\x00\\x80U@\\x00\\x00\\x00\\x00\\x00\\x80E@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\xc0P\\xc0\\x00\\x00\\x00\\x00\\x00@W@\\x00\\x00\\x00\\x00\\x00\\x00.@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80M\\xc0\\x00\\x00\\x00\\x00\\x00\\x80W@\\x00\\x00\\x00\\x00\\x00\\x00B@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00I\\xc0\\x00\\x00\\x00\\x00\\x00\\x00W@\\x00\\x00\\x00\\x00\\x00\\x00O@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80S\\xc0\\x00\\x00\\x00\\x00\\x00\\xc0V@\\x00\\x00\\x00\\x00\\x00\\x80Q@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80A\\xc0\\x00\\x00\\x00\\x00\\x00\\xc0U@\\x00\\x00\\x00\\x00\\x00\\x80G@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00L\\xc0\\x00\\x00\\x00\\x00\\x00\\xc0V@\\x00\\x00\\x00\\x00\\x00\\x00J@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80N\\xc0\\x00\\x00\\x00\\x00\\x00@T@\\x00\\x00\\x00\\x00\\x00\\x00G@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\xc0T\\xc0\\x00\\x00\\x00\\x00\\x00\\x80S@\\x00\\x00\\x00\\x00\\x00\\x00A@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00I\\xc0\\x00\\x00\\x00\\x00\\x00\\xc0U@\\x00\\x00\\x00\\x00\\x00\\x80F@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\xc0P\\xc0\\x00\\x00\\x00\\x00\\x00@R@\\x00\\x00\\x00\\x00\\x00\\x00I@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00I\\xc0\\x00\\x00\\x00\\x00\\x00@X@\\x00\\x00\\x00\\x00\\x00\\x80F@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80N\\xc0\\x00\\x00\\x00\\x00\\x00\\xc0[@\\x00\\x00\\x00\\x00\\x00\\x80F@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00K@\\x00\\x00\\x00\\x00\\x00\\x80R\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x10@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00E@\\x00\\x00\\x00\\x00\\x00\\x00W\\xc0\\x00\\x00\\x00\\x00\\x00\\x00?@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x80C@\\x00\\x00\\x00\\x00\\x00\\xc0X\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x1c\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00H@\\x00\\x00\\x00\\x00\\x00\\xc0\\\\\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x14\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x80C@\\x00\\x00\\x00\\x00\\x00\\x00X\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00?@\\x00\\x00\\x00\\x00\\x00@[\\xc0\\x00\\x00\\x00\\x00\\x00\\x00"@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x80@@\\x00\\x00\\x00\\x00\\x00\\x00X\\xc0\\x00\\x00\\x00\\x00\\x00\\x00 \\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x007@\\x00\\x00\\x00\\x00\\x00\\x80Y\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x10@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00C@\\x00\\x00\\x00\\x00\\x00\\x80V\\xc0\\x00\\x00\\x00\\x00\\x00\\x005@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00A@\\x00\\x00\\x00\\x00\\x00\\xc0Z\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x80A@\\x00\\x00\\x00\\x00\\x00\\x80S\\xc0\\x00\\x00\\x00\\x00\\x00\\x002@\'\n+p91\n+tp92\n+bsS\'_dual_coef_\'\n+p93\n+g43\n+sS\'degree\'\n+p94\n+I3\n+sS\'epsilon\'\n+p95\n+F0.0\n+sS\'max_iter\'\n+p96\n+I-1\n+sS\'decision_function_shape\'\n+p97\n+S\'ovr\'\n+p98\n+sS\'fit_status_\'\n+p99\n+I0\n+sS\'_intercept_\'\n+p100\n+g13\n+(g14\n+(I0\n+tp101\n+g16\n+tp102\n+Rp103\n+(I1\n+(I6\n+tp104\n+g47\n+I00\n+S"\\x05\\xb6\\x01\\xbd\\xd9\\x10C\\xbf\'\\xba\\x1bxV\\xaf\\xb3\\xbfl\\x01\\xfa7\\x8f,\\xb5?\\xa6\\xe7p\\x80V\\xaf\\xb3\\xbf\\xc7\\xd1\\xe5\\xd1QU\\xb5?<2-\\x0b]\\xb0\\xc3?"\n+p105\n+tp106\n+bsS\'intercept_\'\n+p107\n+g13\n+(g14\n+(I0\n+tp108\n+g16\n+tp109\n+Rp110\n+(I1\n+(I6\n+tp111\n+g47\n+I00\n+S"\\x05\\xb6\\x01\\xbd\\xd9\\x10C\\xbf\'\\xba\\x1bxV\\xaf\\xb3\\xbfl\\x01\\xfa7\\x8f,\\xb5?\\xa6\\xe7p\\x80V\\xaf\\xb3\\xbf\\xc7\\xd1\\xe5\\xd1QU\\xb5?<2-\\x0b]\\xb0\\xc3?"\n+p112\n+tp113\n+bsS\'probB_\'\n+p114\n+g13\n+(g14\n+(I0\n+tp115\n+g16\n+tp116\n+Rp117\n+(I1\n+(I0\n+tp118\n+g47\n+I00\n+g60\n+tp119\n+bsS\'cache_size\'\n+p120\n+I200\n+sS\'gamma\'\n+p121\n+S\'auto\'\n+p122\n+sb.\n\\ No newline at end of file\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/svc_model02.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/svc_model02.txt Fri Feb 16 09:17:59 2018 -0500
[
b'@@ -0,0 +1,305 @@\n+ccopy_reg\n+_reconstructor\n+p0\n+(csklearn.svm.classes\n+NuSVC\n+p1\n+c__builtin__\n+object\n+p2\n+Ntp3\n+Rp4\n+(dp5\n+S\'_impl\'\n+p6\n+S\'nu_svc\'\n+p7\n+sS\'kernel\'\n+p8\n+S\'rbf\'\n+p9\n+sS\'verbose\'\n+p10\n+I00\n+sS\'probability\'\n+p11\n+I00\n+sS\'classes_\'\n+p12\n+cnumpy.core.multiarray\n+_reconstruct\n+p13\n+(cnumpy\n+ndarray\n+p14\n+(I0\n+tp15\n+S\'b\'\n+p16\n+tp17\n+Rp18\n+(I1\n+(I4\n+tp19\n+cnumpy\n+dtype\n+p20\n+(S\'i8\'\n+p21\n+I0\n+I1\n+tp22\n+Rp23\n+(I3\n+S\'<\'\n+p24\n+NNNI-1\n+I-1\n+I0\n+tp25\n+bI00\n+S\'\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x00\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x00\\x00\\x00\\x00\'\n+p26\n+tp27\n+bsS\'support_\'\n+p28\n+g13\n+(g14\n+(I0\n+tp29\n+g16\n+tp30\n+Rp31\n+(I1\n+(I48\n+tp32\n+g20\n+(S\'i4\'\n+p33\n+I0\n+I1\n+tp34\n+Rp35\n+(I3\n+S\'<\'\n+p36\n+NNNI-1\n+I-1\n+I0\n+tp37\n+bI00\n+S\'\\x00\\x00\\x00\\x00\\x01\\x00\\x00\\x00\\x02\\x00\\x00\\x00\\x03\\x00\\x00\\x00\\x04\\x00\\x00\\x00\\x05\\x00\\x00\\x00\\x06\\x00\\x00\\x00\\x07\\x00\\x00\\x00\\x08\\x00\\x00\\x00\\t\\x00\\x00\\x00\\n\\x00\\x00\\x00\\x0b\\x00\\x00\\x00\\x19\\x00\\x00\\x00\\x1a\\x00\\x00\\x00\\x1b\\x00\\x00\\x00\\x1c\\x00\\x00\\x00\\x1d\\x00\\x00\\x00\\x1e\\x00\\x00\\x00\\x1f\\x00\\x00\\x00 \\x00\\x00\\x00!\\x00\\x00\\x00"\\x00\\x00\\x00#\\x00\\x00\\x00$\\x00\\x00\\x00\\x0c\\x00\\x00\\x00\\r\\x00\\x00\\x00\\x0e\\x00\\x00\\x00\\x0f\\x00\\x00\\x00\\x10\\x00\\x00\\x00\\x11\\x00\\x00\\x00\\x12\\x00\\x00\\x00\\x13\\x00\\x00\\x00\\x14\\x00\\x00\\x00\\x15\\x00\\x00\\x00\\x16\\x00\\x00\\x00\\x17\\x00\\x00\\x00\\x18\\x00\\x00\\x00%\\x00\\x00\\x00&\\x00\\x00\\x00\\\'\\x00\\x00\\x00(\\x00\\x00\\x00)\\x00\\x00\\x00*\\x00\\x00\\x00+\\x00\\x00\\x00,\\x00\\x00\\x00-\\x00\\x00\\x00.\\x00\\x00\\x00/\\x00\\x00\\x00\'\n+p38\n+tp39\n+bsS\'dual_coef_\'\n+p40\n+g13\n+(g14\n+(I0\n+tp41\n+g16\n+tp42\n+Rp43\n+(I1\n+(I3\n+I48\n+tp44\n+g20\n+(S\'f8\'\n+p45\n+I0\n+I1\n+tp46\n+Rp47\n+(I3\n+S\'<\'\n+p48\n+NNNI-1\n+I-1\n+I0\n+tp49\n+bI00\n+S\'\\xa5p\\xba\\xf57\\xfd\\xef?\\x9ak\\xb8\\xf57\\xfd\\xef?A\\xf3V\\xf0\\xca\\x02\\xf0?\\x12\\x14\\x19c\\xc4\\x02\\xf0?\\xc4\\x03\\x1c\\xc0\\xc8\\x02\\xf0?$\\xa4\\x1d\\xc0\\xc8\\x02\\xf0?\\x19`]O+\\xe4\\xef?\\xd4\\xf3;V+\\xe4\\xef?A\\xf3V\\xf0\\xca\\x02\\xf0?\\xa5p\\xba\\xf57\\xfd\\xef?\\xb0u\\xbc\\xf57\\xfd\\xef?"v\\x1c\\xc0\\xc8\\x02\\xf0?\\xb7e\\x9ee9\\xfd\\xef\\xbf\\x18\\x93\\xba\\xf57\\xfd\\xef\\xbf\\x1d\\xa0\\xba\\xf57\\xfd\\xef\\xbf\\xa5p\\xba\\xf57\\xfd\\xef\\xbf\\xa5p\\xba\\xf57\\xfd\\xef\\xbf\\xa5p\\xba\\xf57\\xfd\\xef\\xbf2N\\xba\\xf57\\xfd\\xef\\xbf\\xa5p\\xba\\xf57\\xfd\\xef\\xbf\\xa5p\\xba\\xf57\\xfd\\xef\\xbf\\x92{\\xd6\\x856\\xfd\\xef\\xbf\\xa5p\\xba\\xf57\\xfd\\xef\\xbf,A\\xba\\xf57\\xfd\\xef\\xbfKOz\\x870\\xaf\\xee\\xbf\\xc6\\xcb\\x91_\\xc6\\xb0\\xee\\xbfX\\xd2S\\xb2\\xc4\\xb0\\xee\\xbfA\\xcf\\xa0\\n\\xc3\\xb0\\xee\\xbf\\xc6\\xcb\\x91_\\xc6\\xb0\\xee\\xbf\\xed\\xde\\xf2(\\xb5\\xc0\\xee\\xbf\\x91b\\x9f\\n\\xc3\\xb0\\xee\\xbf\\x8b\\xf5F\\x89+\\xaf\\xee\\xbf\\x19\\xdb\\xf3\\\'\\xb5\\xc0\\xee\\xbf#\\x8c\\x9d\\n\\xc3\\xb0\\xee\\xbf\\xb2\\xc9}]\\xc6\\xb0\\xee\\xbf\\xd4\\x07\\xf1(\\xb5\\xc0\\xee\\xbf\\x19\\xdb\\xf3\\\'\\xb5\\xc0\\xee\\xbf\\xa1Zv\\xa1\\x87\\xae\\xf0\\xbf1\\xba\\xf5Y\\x87\\xae\\xf0\\xbf\\xed\\xdc\\x98^|\\xae\\xf0\\xbf\\xa1Zv\\xa1\\x87\\xae\\xf0\\xbf\\x81\\x1fN\\x07\\x82\\xb6\\xf0\\xbf\\xb9\\xb3\\\'\\x06\\x82\\xb6\\xf0\\xbfEI\\xd8F|\\xae\\xf0\\xbf\\xf5Ivl\\x87\\xae\\xf0\\xbf\\xa7\\xbdz\\xa1\\x87\\xae\\xf0\\xbf)\\x88A\\xa0\\x87\\xae\\xf0\\xbf&\\x16Z\\x07\\x82\\xb6\\xf0\\xbf^rU\\xfb\\xf5\\xa2\\xf0?\\xfa\\x89d\\x8c\\x8d\\xa9\\xf0?\\xcd\\x8bb\\x0e\\xf6\\xa2\\xf0?dFh\\x8c\\x8d\\xa9\\xf0?\\x88\\xe4d\\x0e\\xf6\\xa2\\xf0?;\\x88\\xcd\\x84\\xee\\xa2\\xf0?\\xbf\\xbb*V\\xab\\x91\\xf0?I\\xcdW7\\xa7\\x91\\xf0?dFh\\x8c\\x8d\\xa9\\xf0?\\xbd\\xd9\\xb8q\\xee\\xa2\\xf0?\\x17Hh\\x8c\\x8d\\xa9\\xf0?\\x19\\xbd\\xec\\x02\\x01\\xa3\\xf0?\\x15\\x0eSC\\x1d\\xa1\\xf0?\\xa1^\\xaf\\xd5\\x19\\xa9\\xf0?\\xcc\\x9bfD\\x1d\\xa1\\xf0?\\x96\\x16\\xaf\\xd5\\x19\\xa9\\xf0?\\x08\\x0eSC\\x1d\\xa1\\xf0?\\x15\\x0eSC\\x1d\\xa1\\xf0?@M\\x8d\\xc5\\x1b\\xa1\\xf0?%l\\xaf\\xd5\\x19\\xa9\\xf0?m!\\x9bB\\x1d\\xa1\\xf0?C\\x03\\xe9\\xc5\\x1b\\xa1\\xf0?\\xfcY\\x9bB\\x1d\\xa1\\xf0?\\xecV\\xaf\\xd5\\x19\\xa9\\xf0?\\xb6&\\xe8\\xc1\\xf5\\xb1\\xee\\xbfj1\\xa4\\xbe\\x8b\\xb3\\xee\\xbf\\x9ev?\\x11\\x8a\\xb3\\xee\\xbfF2fi\\x88\\xb3\\xee\\xbfj1\\xa4\\xbe\\x8b\\xb3\\xee\\xbf\\x92\\x15I\\xf8{\\xc3\\xee\\xbfu\\xc5di\\x88\\xb3\\xee\\xbf\\x08eA\\xc3\\xf0\\xb1\\xee\\xbf\\xb8\\xfaI\\xf7{\\xc3\\xee\\xbf\\xdc\\xeebi\\x88\\xb3\\xee\\xbfN\\xff\\x8f\\xbc\\x8b\\xb3\\xee\\xbfN>G\\xf8{\\xc3\\xee\\xbf\\xb8\\xfaI\\xf7{\\xc3\\xee\\xbf\\xc3\\x7f[\\xfe\\xe9\\xaf\\xf0\\xbfn\\xf0\\xd4\\xb6\\xe9\\xaf\\xf0\\xbf\\xaf\\xca\\x8e\\xba\\xde\\xaf\\xf0\\xbf\\xc3\\x7f[\\xfe\\xe9\\xaf\\xf0\\xbf\\xad\\xfb\\xac\\r\\xe5\\xb7\\xf0\\xbfww\\x86\\x0c\\xe5\\xb7\\xf0\\xbfx>\\xcc\\xa2\\xde\\xaf\\xf0\\x'..b'0\\x00\\x00\\x00\\x003@\\x00\\x00\\x00\\x00\\x00\\x80[\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00[\\xc0\\x00\\x00\\x00\\x00\\x00\\x005@\\x00\\x00\\x00\\x00\\x00\\x00[\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00W\\xc0\\x00\\x00\\x00\\x00\\x00\\x00;@\\x00\\x00\\x00\\x00\\x00\\x80Z\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00V\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x80Z\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00V\\xc0\\x00\\x00\\x00\\x00\\x00\\x00.@\\x00\\x00\\x00\\x00\\x00\\xc0Y\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80N\\xc0\\x00\\x00\\x00\\x00\\x00\\x80U@\\x00\\x00\\x00\\x00\\x00\\x80E@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\xc0P\\xc0\\x00\\x00\\x00\\x00\\x00@W@\\x00\\x00\\x00\\x00\\x00\\x00.@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80M\\xc0\\x00\\x00\\x00\\x00\\x00\\x80W@\\x00\\x00\\x00\\x00\\x00\\x00B@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00I\\xc0\\x00\\x00\\x00\\x00\\x00\\x00W@\\x00\\x00\\x00\\x00\\x00\\x00O@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80S\\xc0\\x00\\x00\\x00\\x00\\x00\\xc0V@\\x00\\x00\\x00\\x00\\x00\\x80Q@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80A\\xc0\\x00\\x00\\x00\\x00\\x00\\xc0U@\\x00\\x00\\x00\\x00\\x00\\x80G@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00L\\xc0\\x00\\x00\\x00\\x00\\x00\\xc0V@\\x00\\x00\\x00\\x00\\x00\\x00J@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80N\\xc0\\x00\\x00\\x00\\x00\\x00@T@\\x00\\x00\\x00\\x00\\x00\\x00G@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\xc0T\\xc0\\x00\\x00\\x00\\x00\\x00\\x80S@\\x00\\x00\\x00\\x00\\x00\\x00A@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00I\\xc0\\x00\\x00\\x00\\x00\\x00\\xc0U@\\x00\\x00\\x00\\x00\\x00\\x80F@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\xc0P\\xc0\\x00\\x00\\x00\\x00\\x00@R@\\x00\\x00\\x00\\x00\\x00\\x00I@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00I\\xc0\\x00\\x00\\x00\\x00\\x00@X@\\x00\\x00\\x00\\x00\\x00\\x80F@\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x80N\\xc0\\x00\\x00\\x00\\x00\\x00\\xc0[@\\x00\\x00\\x00\\x00\\x00\\x80F@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00K@\\x00\\x00\\x00\\x00\\x00\\x80R\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x10@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00E@\\x00\\x00\\x00\\x00\\x00\\x00W\\xc0\\x00\\x00\\x00\\x00\\x00\\x00?@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x80C@\\x00\\x00\\x00\\x00\\x00\\xc0X\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x1c\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00H@\\x00\\x00\\x00\\x00\\x00\\xc0\\\\\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x14\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x80C@\\x00\\x00\\x00\\x00\\x00\\x00X\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x00@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00?@\\x00\\x00\\x00\\x00\\x00@[\\xc0\\x00\\x00\\x00\\x00\\x00\\x00"@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x80@@\\x00\\x00\\x00\\x00\\x00\\x00X\\xc0\\x00\\x00\\x00\\x00\\x00\\x00 \\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x007@\\x00\\x00\\x00\\x00\\x00\\x80Y\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\x10@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00C@\\x00\\x00\\x00\\x00\\x00\\x80V\\xc0\\x00\\x00\\x00\\x00\\x00\\x005@\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x00A@\\x00\\x00\\x00\\x00\\x00\\xc0Z\\xc0\\x00\\x00\\x00\\x00\\x00\\x00\\xf0?\\x00\\x00\\x00\\x00\\x00\\x00\\x08@\\x00\\x00\\x00\\x00\\x00\\x80A@\\x00\\x00\\x00\\x00\\x00\\x80S\\xc0\\x00\\x00\\x00\\x00\\x00\\x002@\'\n+p91\n+tp92\n+bsS\'_dual_coef_\'\n+p93\n+g43\n+sS\'degree\'\n+p94\n+I3\n+sS\'epsilon\'\n+p95\n+F0.0\n+sS\'max_iter\'\n+p96\n+I-1\n+sS\'decision_function_shape\'\n+p97\n+S\'ovr\'\n+p98\n+sS\'fit_status_\'\n+p99\n+I0\n+sS\'_intercept_\'\n+p100\n+g13\n+(g14\n+(I0\n+tp101\n+g16\n+tp102\n+Rp103\n+(I1\n+(I6\n+tp104\n+g47\n+I00\n+S\'j\\xec(!}<6\\xbfB\\x9f\\x1676\\xa5\\xa4\\xbf\\x8a%}\\xfa\\x91\\x16\\xa6?\\xe4\\x0e\\x0f2\\xd9x\\xa4\\xbf]\\xf9\\xf5]\\xe3B\\xa6?\\xb8\\x01<N`T\\xb5?\'\n+p105\n+tp106\n+bsS\'intercept_\'\n+p107\n+g13\n+(g14\n+(I0\n+tp108\n+g16\n+tp109\n+Rp110\n+(I1\n+(I6\n+tp111\n+g47\n+I00\n+S\'j\\xec(!}<6\\xbfB\\x9f\\x1676\\xa5\\xa4\\xbf\\x8a%}\\xfa\\x91\\x16\\xa6?\\xe4\\x0e\\x0f2\\xd9x\\xa4\\xbf]\\xf9\\xf5]\\xe3B\\xa6?\\xb8\\x01<N`T\\xb5?\'\n+p112\n+tp113\n+bsS\'probB_\'\n+p114\n+g13\n+(g14\n+(I0\n+tp115\n+g16\n+tp116\n+Rp117\n+(I1\n+(I0\n+tp118\n+g47\n+I00\n+g60\n+tp119\n+bsS\'cache_size\'\n+p120\n+I200\n+sS\'gamma\'\n+p121\n+S\'auto\'\n+p122\n+sb.\n\\ No newline at end of file\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/svc_model03.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/svc_model03.txt Fri Feb 16 09:17:59 2018 -0500
[
@@ -0,0 +1,163 @@
+ccopy_reg
+_reconstructor
+p0
+(csklearn.svm.classes
+LinearSVC
+p1
+c__builtin__
+object
+p2
+Ntp3
+Rp4
+(dp5
+S'loss'
+p6
+Vsquared_hinge
+p7
+sS'C'
+p8
+F1.0
+sS'max_iter'
+p9
+I1000
+sS'verbose'
+p10
+I0
+sS'fit_intercept'
+p11
+I01
+sS'random_state'
+p12
+I5
+sS'classes_'
+p13
+cnumpy.core.multiarray
+_reconstruct
+p14
+(cnumpy
+ndarray
+p15
+(I0
+tp16
+S'b'
+p17
+tp18
+Rp19
+(I1
+(I4
+tp20
+cnumpy
+dtype
+p21
+(S'i8'
+p22
+I0
+I1
+tp23
+Rp24
+(I3
+S'<'
+p25
+NNNI-1
+I-1
+I0
+tp26
+bI00
+S'\x00\x00\x00\x00\x00\x00\x00\x00\x01\x00\x00\x00\x00\x00\x00\x00\x02\x00\x00\x00\x00\x00\x00\x00\x03\x00\x00\x00\x00\x00\x00\x00'
+p27
+tp28
+bsS'n_iter_'
+p29
+cnumpy.core.multiarray
+scalar
+p30
+(g21
+(S'i4'
+p31
+I0
+I1
+tp32
+Rp33
+(I3
+S'<'
+p34
+NNNI-1
+I-1
+I0
+tp35
+bS'\xe8\x03\x00\x00'
+p36
+tp37
+Rp38
+sS'intercept_scaling'
+p39
+F1.0
+sS'penalty'
+p40
+Vl2
+p41
+sS'multi_class'
+p42
+Vovr
+p43
+sS'coef_'
+p44
+g14
+(g15
+(I0
+tp45
+g17
+tp46
+Rp47
+(I1
+(I4
+I4
+tp48
+g21
+(S'f8'
+p49
+I0
+I1
+tp50
+Rp51
+(I3
+S'<'
+p52
+NNNI-1
+I-1
+I0
+tp53
+bI01
+S'@@\xae\xfaP\xc8\xd4\xbf\xe8\x9b\x9e\x13"\xd6\xdb\xbf\xba\xc8\xd0f\xd1\xb9`\xbf\xca\xa9\x1a\xa8\x93\xda&\xbfv\xa2{\x1d\n\x8e\x95?\x1a\xb3\xc3\x80`\x9fn\xbf\xa5E?\x1dKV\x88\xbf\xb4]v\x97t8f?~R\x8dH\xd4\x9c\x89?+\xe8\xb4\x8b\xe7N\x7f\xbf\xdef\x84\xc2\xaa\xbc\x8e?\xc7\x193\xe1OO\x90\xbf\xc6UW_\x17\xdd\x87\xbf\xed\xa5\x82\x11Xbh?\x9b5w\xe8\x7fR\x9d?\xff\x9fao\xeaB|?'
+p54
+tp55
+bsS'_sklearn_version'
+p56
+S'0.19.1'
+p57
+sS'dual'
+p58
+I01
+sS'tol'
+p59
+F0.001
+sS'intercept_'
+p60
+g14
+(g15
+(I0
+tp61
+g17
+tp62
+Rp63
+(I1
+(I4
+tp64
+g51
+I00
+S'\x9e\x05)W2\xcf\xc3\xbf\x98\xa4\x94\x94\x06\xf1\xd1\xbf\x1b<a=\xfb\x89S\xbf[\x9e>\x89\xb1<4\xbf'
+p65
+tp66
+bsS'class_weight'
+p67
+Nsb.
\ No newline at end of file
b
diff -r 000000000000 -r c7b8fab00c0f test-data/svc_prediction_result01.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/svc_prediction_result01.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,49 @@
+0 58 56 -67 0
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 1
+2 -94 20 -96 1
+2 -85 26 -88 1
+2 -90 33 -114 1
+2 -63 9 -106 1
+2 -79 9 -93 1
+2 -99 26 -108 1
+2 -81 19 -110 1
+2 -108 21 -108 1
+2 -92 27 -106 1
+2 -88 2 -106 1
+2 -88 15 -103 1
+3 54 -74 4 3
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 3
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/svc_prediction_result02.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/svc_prediction_result02.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,49 @@
+0 58 56 -67 0
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 1
+2 -94 20 -96 1
+2 -85 26 -88 1
+2 -90 33 -114 1
+2 -63 9 -106 1
+2 -79 9 -93 1
+2 -99 26 -108 1
+2 -81 19 -110 1
+2 -108 21 -108 1
+2 -92 27 -106 1
+2 -88 2 -106 1
+2 -88 15 -103 1
+3 54 -74 4 3
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 3
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/svc_prediction_result03.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/svc_prediction_result03.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,49 @@
+0 58 56 -67 0
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 2
+2 -94 20 -96 3
+2 -85 26 -88 2
+2 -90 33 -114 0
+2 -63 9 -106 0
+2 -79 9 -93 3
+2 -99 26 -108 1
+2 -81 19 -110 0
+2 -108 21 -108 1
+2 -92 27 -106 0
+2 -88 2 -106 3
+2 -88 15 -103 3
+3 54 -74 4 3
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 3
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/swiss_r.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/swiss_r.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,101 @@
+0 1 2 0
+-9.022432560391366 16.34407352444682 -3.911586790185589 9.833859899549347
+3.6324989224084425 16.371566370825743 6.373479468911753 7.335958625969624
+-6.5999037486787 12.81689121739727 5.688948917237484 8.713373013636033
+12.600582699437291 6.489007319012446 1.3642134579818455 12.674216454057314
+0.21148781431603128 14.652433057772075 -4.752159504191911 4.756863152213408
+5.336919430343019 18.05198421031037 -2.4156207389915676 5.8581509506514955
+0.4244400906317155 13.13179891289296 -11.025883810051546 11.034050171323868
+12.464824437123061 20.630564421800543 -0.8802638610387414 12.495867825539413
+5.763177385414243 20.50650266733296 -1.6720065493379934 6.000818233939377
+-7.699034264457019 3.5005767551760205 -6.587317375235983 10.13251591695612
+11.202785903218851 0.4867408660464758 6.815111686710793 13.112900491336806
+6.154126712593873 3.3756355186487146 2.6083615537589355 6.684072530260963
+6.3594207906583025 19.393433330440836 1.1301790428043181 6.459066299508866
+4.890112220636909 20.024546847470212 -2.9939039914563663 5.7338171090889185
+5.953270969209806 4.430546793087373 3.2507699778706525 6.782989066913009
+2.7886170145191778 7.571030267106772 13.653840981957098 13.935700858379423
+12.105857407807882 11.536880494181116 -2.5050413988504086 12.362322435049629
+6.325072045560973 5.708447832716414 0.31467565998177954 6.332894847739211
+12.244209556605643 9.672634042571852 -1.9916032459947095 12.405126003210512
+3.8660308550048237 14.619392861291091 6.186900234417021 7.295473191128778
+-7.0239788069091595 10.507473830172165 5.269869801725942 8.781105056144815
+7.26899971380247 15.037490801851058 11.461229291605976 13.571961306827662
+12.283126381654526 11.045074660825358 -1.8290053478621142 12.418552825116365
+-0.20634108007216687 0.02937948549992042 7.877467511574221 7.880169480235352
+6.343991033788326 8.288706020486545 0.5239838932388041 6.365593558904021
+-2.992114463212683 10.335506367924149 7.662793944465749 8.226248233326507
+0.2553968816308009 8.460486958961985 -4.759153972628113 4.766001899110898
+4.898443435012139 7.440264302232732 5.1277610747119375 7.091451313049004
+11.449745837470637 10.512900708302018 -4.244989534482564 12.211331454454207
+0.6957906323135219 9.348709205453904 -4.806058806318065 4.8561636971793565
+-6.178282122978317 1.899088552125153 -8.311613297429309 10.35635484121306
+-5.809147798696848 5.7448213205762535 -8.630095917611289 10.40311269256829
+4.771282961878387 19.813019052597266 -3.1246490395170863 5.70338256848215
+-3.676286947033984 0.5574374680127813 7.454949508307122 8.312121142544846
+1.7041667772049045 0.8399724824536665 -4.760320110473833 5.0561677146541095
+11.253479680884357 5.94594755411621 6.714343194698412 13.104320259527771
+2.4962611844455296 12.229227574552146 13.73230884573197 13.957350254813335
+2.82529764315011 20.808748861421368 -4.45734155189065 5.277328915521612
+11.246053659264389 20.84548698546233 6.7292408015927405 13.105586773314442
+-7.598421450999555 20.85546482210194 -6.728856459556753 10.149557517464928
+7.673105198623886 2.3110149502978223 -8.845890909442362 11.710095190514206
+-3.590766593212459 13.954110365242743 -10.028250288573874 10.651732656108704
+-7.310355446606637 11.00372352425457 -7.107715265782408 10.196122451950428
+0.9390427269626991 3.6361481059833514 -4.81429662072219 4.905023261449291
+6.140803817320717 19.80216514321554 2.6591895538494246 6.691842840811685
+-8.985600378339388 5.079061805501299 -4.025069673184332 9.845923015807161
+9.836407362386318 20.977577645707452 -6.805416213807093 11.961128694314606
+4.969988627449396 12.236570118147872 5.0355496572708605 7.075135850838273
+3.20231600088142 3.8488590132420915 6.678864199480768 7.406892382410254
+12.54088626453474 8.123753860273595 2.277561124484857 12.746023418139512
+3.2444388112344487 3.983144107155142 13.517704725715975 13.901608692935088
+11.5432848954881 8.62618413353151 6.0914346281664 13.05193479939386
+-1.978139139431402 12.488281446935813 7.85543311765692 8.100670584644924
+-6.177149980902341 15.048307955695137 -8.312637547021756 10.356501575084014
+-1.618507468215522 10.224721129751593 7.892004821334231 8.0562588417101
+-0.5113805630576186 6.501386173100796 7.902076591710388 7.9186062246793405
+6.353818555778558 12.126268829384795 0.6861767157853099 6.390762765511003
+5.45211008381264 9.275864210943602 4.3143017595762805 6.952604119227159
+2.107134481947034 7.553240154611261 -4.6829825175653195 5.135206031390815
+-9.463555191591388 6.747970572185086 -0.48486315240582095 9.475967979096236
+-3.250226531143291 4.372352044116476 7.592008891419129 8.258484819331864
+-6.604520002414596 9.476431105298522 -7.903097491982883 10.29944825852728
+-3.6128614172805995 10.328701115545131 -10.01788625769654 10.64945128598746
+5.901240165772 18.880602610667935 -1.3619562859809635 6.056365281176806
+7.890684802801195 15.316569681618265 10.970663061010866 13.513635878452032
+6.599437952039687 16.171885231313606 11.927851500770677 13.63180922354986
+-5.9231007276421455 7.8842241988017525 -8.534995422938826 10.388901246011612
+-4.1066018271801985 7.218530239943072 7.289891059327897 8.36700007313664
+-2.258989126121089 13.75573932598577 7.815431761150413 8.135355277130309
+6.22411695981015 14.931797857420449 2.30810881728065 6.638297842203604
+3.720764705951612 2.384289079592201 6.3048062946018115 7.320838231343854
+5.134908769038546 2.793602476845076 4.810103131264821 7.035934920090762
+6.335025161866016 9.576820209728602 0.4150330402131886 6.348605848998987
+4.278436462541465 3.3544608333287127 13.143655442744256 13.82247072565484
+5.412525015450138 20.194479979267562 12.620338860302773 13.732020244368336
+-6.241257651981322 17.589930642098004 -8.254155357899235 10.348158181567968
+6.6400017029745415 10.92337442779639 -9.517367265589035 11.604736200517896
+-0.5260249957996649 4.583717412291242 7.902957223016857 7.920444126754531
+4.256315102839512 2.8332931731803743 -3.6083374546478515 5.579992602259815
+-8.54867168512033 20.560477255161246 3.062731112450952 9.080754894123787
+-9.474830838000726 14.847913409472007 -0.7785404251532075 9.506763098043795
+4.106531950879499 18.059486695858926 -3.727692624842863 5.546106469308181
+-9.352746779428074 8.13062518440142 -2.5303993126077104 9.68900371562256
+1.03845201115681 5.267514416466221 14.024865345489724 14.063258176489338
+-4.633677541056066 6.288198397838747 7.048896684872887 8.435514923731649
+-0.1679620862896378 17.99480609650533 7.873519603731706 7.875310928006478
+11.881189424840937 9.932663801932643 -3.1961624526929864 12.30358145309554
+8.694908808450117 13.928817987338693 -8.009826278144502 11.821960759252995
+1.45482693805244 16.92030075617249 7.523602741539789 7.66297067932457
+-3.2353326673116114 5.312590597644206 -10.186604228879451 10.688043936286864
+-9.103169624547348 1.6710422183768223 -3.644412618463142 9.805582111577818
+2.535323074334916 15.387972705330018 7.0686838865278725 7.50960418257273
+4.976519330225636 20.189347027575714 -2.8934429585543997 5.7565403497689
+1.4842539092006284 20.02989941752092 7.51375887065696 7.658954369452367
+-8.288031531595307 10.300480089561892 3.557610304744918 9.019315813804575
+-0.7947079435754046 13.276033353087858 -10.89380414305644 10.922752831720377
+4.820925920452835 15.392895416597838 5.224215336558182 7.108709630673047
+-2.5663079257383234 18.95059956820729 -10.443947716323434 10.75462599400857
+6.273175805783373 3.4071852937122014 2.0463610386400113 6.598509543126363
+-0.9286287852994032 8.523507769718787 -10.870765064080713 10.910356753989504
b
diff -r 000000000000 -r c7b8fab00c0f test-data/test.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/test.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,5 @@
+3.68258022948 2.82110345641 -3.990140724 -1.9523364774
+0.015942057224 -0.711958594347 0.125502976978 -0.972218263337
+2.08690768825 0.929399321468 -2.12924084484 -1.99714022188
+1.41321052084 0.523750660422 -1.4210539291 -1.49298569451
+0.76831404394 1.38267855169 -0.989045048734 0.649504257894
b
diff -r 000000000000 -r c7b8fab00c0f test-data/test2.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/test2.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,9 @@
+0 1 2 3
+3.68258022948 2.82110345641 -3.990140724 -1.9523364774
+0.015942057224 -0.711958594347 0.125502976978 -0.972218263337
+2.08690768825 0.929399321468 -2.12924084484 -1.99714022188
+1.41321052084 0.523750660422 -1.4210539291 -1.49298569451
+0.76831404394 1.38267855169 -0.989045048734 0.649504257894
+0.76831404394 1.38267855169 -0.989045048734 0.649504257894
+0 1 -0.9 0.6
+1 2 2 5
b
diff -r 000000000000 -r c7b8fab00c0f test-data/test_set.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/test_set.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,49 @@
+0 58 56 -67
+0 44 64 -76
+0 51 48 -73
+0 58 65 -49
+0 43 61 -49
+0 45 43 -79
+0 42 60 -98
+0 50 55 -59
+0 53 53 -56
+0 45 44 -61
+0 43 65 -84
+0 35 52 -75
+0 56 56 -70
+1 -61 86 43
+1 -67 93 15
+1 -59 94 36
+1 -50 92 62
+1 -78 91 70
+1 -35 87 47
+1 -56 91 52
+1 -61 81 46
+1 -83 78 34
+1 -50 87 45
+1 -67 73 50
+1 -50 97 45
+1 -61 111 45
+2 -109 23 -92
+2 -94 20 -96
+2 -85 26 -88
+2 -90 33 -114
+2 -63 9 -106
+2 -79 9 -93
+2 -99 26 -108
+2 -81 19 -110
+2 -108 21 -108
+2 -92 27 -106
+2 -88 2 -106
+2 -88 15 -103
+3 54 -74 4
+3 42 -92 31
+3 39 -99 -7
+3 48 -115 -5
+3 39 -96 2
+3 31 -109 9
+3 33 -96 -8
+3 23 -102 4
+3 38 -90 21
+3 34 -107 1
+3 35 -78 18
b
diff -r 000000000000 -r c7b8fab00c0f test-data/train.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,15 @@
+-0.409899987374 -0.649450145317 0.510268556953 -0.229110484125 0
+-1.10383560019 0.0611191480175 1.01725565283 1.79193066057 0
+-0.41009731911 0.731046118333 0.238276079462 1.60843479815 1
+1.48390157074 2.30714564103 -1.83858336229 0.770904924566 1
+0.74006063964 1.38952620136 -0.96404935579 0.702401167325 1
+0.331307031883 1.10808437795 -0.527405721679 0.961279646112 1
+-1.4627878344 -0.343655746393 1.43177660405 1.80949467985 0
+-1.33544682955 -2.24827087098 1.6885444678 -0.922608257112 0
+-0.0417384245742 0.906486336146 -0.13980113811 1.27108242642 1
+-2.73189476502 -1.46239633785 2.83576394706 2.28732123255 0
+-0.300256196558 -0.305034204892 0.340123288396 0.0593443810367 0
+-0.523654501136 -0.426496596688 0.572385315213 0.243891110892 0
+-0.00757221265553 -0.254805682403 0.0572980350837 -0.327374762308 0
+-1.87242461384 -0.413385894664 1.82750303608 2.35149919802 1
+-0.168117705611 -0.811895938369 0.316838713275 -0.819986910541 0
b
diff -r 000000000000 -r c7b8fab00c0f test-data/train_set.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train_set.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,49 @@
+0 58 56 -67 0
+0 44 64 -76 0
+0 51 48 -73 0
+0 58 65 -49 0
+0 43 61 -49 0
+0 45 43 -79 0
+0 42 60 -98 0
+0 50 55 -59 0
+0 53 53 -56 0
+0 45 44 -61 0
+0 43 65 -84 0
+0 35 52 -75 0
+0 56 56 -70 0
+1 -61 86 43 2
+1 -67 93 15 2
+1 -59 94 36 2
+1 -50 92 62 2
+1 -78 91 70 2
+1 -35 87 47 2
+1 -56 91 52 2
+1 -61 81 46 2
+1 -83 78 34 2
+1 -50 87 45 2
+1 -67 73 50 2
+1 -50 97 45 2
+1 -61 111 45 2
+2 -109 23 -92 1
+2 -94 20 -96 1
+2 -85 26 -88 1
+2 -90 33 -114 1
+2 -63 9 -106 1
+2 -79 9 -93 1
+2 -99 26 -108 1
+2 -81 19 -110 1
+2 -108 21 -108 1
+2 -92 27 -106 1
+2 -88 2 -106 1
+2 -88 15 -103 1
+3 54 -74 4 3
+3 42 -92 31 3
+3 39 -99 -7 3
+3 48 -115 -5 3
+3 39 -96 2 3
+3 31 -109 9 3
+3 33 -96 -8 3
+3 23 -102 4 3
+3 38 -90 21 3
+3 34 -107 1 3
+3 35 -78 18 3
b
diff -r 000000000000 -r c7b8fab00c0f test-data/vectorizer_result01.mtx
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/vectorizer_result01.mtx Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +1,3788 @@\n+%%MatrixMarket matrix coordinate real general\n+%\n+2 1048577 3785\n+1 1450 0.01431896616372403\n+1 1565 0.01370375121911989\n+1 1889 0.02282816271614068\n+1 1961 0.01205944593190492\n+1 2759 0.01929331884718118\n+1 2860 0.01370375121911989\n+1 4053 0.01894755120823075\n+1 4119 0.01370375121911989\n+1 4727 0.01205944593190492\n+1 6201 0.02791992442867134\n+1 6714 0.02282816271614068\n+1 7170 0.0127117721548238\n+1 8116 0.02282816271614068\n+1 9508 0.01370375121911989\n+1 9758 0.01431896616372403\n+1 9870 0.01431896616372403\n+1 10078 0.05787995654154355\n+1 10492 0.02791992442867134\n+1 10495 0.02852128038707927\n+1 12091 0.05210576582263455\n+1 13013 0.01431896616372403\n+1 13234 0.009507093462359758\n+1 13829 0.0127117721548238\n+1 14120 0.01861328295244756\n+1 14517 0.02282816271614068\n+1 15083 0.01431896616372403\n+1 16177 0.01205944593190492\n+1 16761 0.02282816271614068\n+1 17410 0.01370375121911989\n+1 17436 0.01431896616372403\n+1 18255 0.02282816271614068\n+1 18283 0.01205944593190492\n+1 19133 0.02863793232744806\n+1 19449 0.02282816271614068\n+1 19510 0.01431896616372403\n+1 20975 0.07579020483292298\n+1 21531 0.01370375121911989\n+1 22178 0.004736887802057686\n+1 22283 0.01663440851737127\n+1 22706 0.02740750243823978\n+1 22715 0.01370375121911989\n+1 23698 0.01205944593190492\n+1 24190 0.01861328295244756\n+1 24309 0.02282816271614068\n+1 24541 0.01370375121911989\n+1 25019 0.01205944593190492\n+1 25500 0.01861328295244756\n+1 26513 0.0127117721548238\n+1 26569 0.01929331884718118\n+1 27192 0.01431896616372403\n+1 27389 0.02791992442867134\n+1 27912 0.0127117721548238\n+1 28011 0.02282816271614068\n+1 29313 0.02495161277605691\n+1 29735 0.03858663769436237\n+1 30453 0.03326881703474255\n+1 31110 0.02863793232744806\n+1 31588 0.02740750243823978\n+1 31963 0.01370375121911989\n+1 31975 0.01929331884718118\n+1 32413 0.01370375121911989\n+1 33140 0.02791992442867134\n+1 33433 0.01929331884718118\n+1 33979 0.02495161277605691\n+1 34275 0.01431896616372403\n+1 35828 0.0127117721548238\n+1 35928 0.01663440851737127\n+1 36463 0.01929331884718118\n+1 37218 0.01431896616372403\n+1 37731 0.01929331884718118\n+1 38358 0.01370375121911989\n+1 39516 0.02147844924558604\n+1 39526 0.01370375121911989\n+1 39653 0.02282816271614068\n+1 39705 0.01205944593190492\n+1 39762 0.02542354430964759\n+1 40007 0.006403636341921261\n+1 40920 0.004736887802057686\n+1 40975 0.0127117721548238\n+1 41381 0.01370375121911989\n+1 41399 0.01861328295244756\n+1 41645 0.01929331884718118\n+1 41800 0.02191386749905983\n+1 42763 0.01370375121911989\n+1 42946 0.01370375121911989\n+1 43077 0.02282816271614068\n+1 43474 0.01431896616372403\n+1 43781 0.01901418692471952\n+1 43937 0.02282816271614068\n+1 44721 0.02282816271614068\n+1 45315 0.01431896616372403\n+1 45359 0.02282816271614068\n+1 45447 0.02495161277605691\n+1 45548 0.01929331884718118\n+1 46264 0.01205944593190492\n+1 46627 0.006403636341921261\n+1 47125 0.01861328295244756\n+1 48545 0.0127117721548238\n+1 49094 0.01861328295244756\n+1 49619 0.01370375121911989\n+1 50271 0.01431896616372403\n+1 50742 0.04026354631749034\n+1 51430 0.01370375121911989\n+1 52454 0.03177943038705949\n+1 52548 0.02282816271614068\n+1 52666 0.01370375121911989\n+1 52833 0.003201818170960631\n+1 54362 0.01431896616372403\n+1 54371 0.01861328295244756\n+1 56154 0.02411889186380985\n+1 57027 0.01431896616372403\n+1 57543 0.02282816271614068\n+1 57633 0.02542354430964759\n+1 58575 0.02863793232744806\n+1 58806 0.02282816271614068\n+1 58964 0.009473775604115373\n+1 59388 0.02282816271614068\n+1 59411 0.01370375121911989\n+1 59679 0.0127117721548238\n+1 60697 0.01205944593190492\n+1 61808 0.01861328295244756\n+1 63572 0.02740750243823978\n+1 64006 0.01426064019353964\n+1 64561 0.01205944593190492\n+1 65197 0.01861328295244756\n+1 65817 0.05720297469670708\n+1 66479 0.02740750243823978\n+1 66876 0.01861328295244756\n+1 67128 0.03425937804779972\n+1 68440 0.004736887802057686\n+1 68573 0.004753546731179879\n+1 70299 0.01370375121911989\n+1 70576 0.02791992442867134\n+1 71207 0.01929331884718118\n+1 71899 0.01861328295244756\n+1 72251 0.013'..b'674637\n+2 973333 0.01450010501959994\n+2 974699 0.0224596916827213\n+2 974851 0.01367466109027461\n+2 975218 0.01288938340939221\n+2 975811 0.0224596916827213\n+2 977200 0.0276941383527154\n+2 978046 0.01846275890181026\n+2 978257 0.05469864436109843\n+2 978285 0.02084171182520092\n+2 978287 0.02900021003919988\n+2 978511 0.0224596916827213\n+2 978773 0.02720735217809617\n+2 979446 0.02084171182520092\n+2 979478 0.0224596916827213\n+2 979904 0.01933407511408831\n+2 980261 0.01846275890181026\n+2 980319 0.01360367608904809\n+2 981883 0.01450010501959994\n+2 981921 0.0224596916827213\n+2 982012 0.01360367608904809\n+2 983673 0.01288938340939221\n+2 983781 0.01450010501959994\n+2 984700 0.01846275890181026\n+2 985549 0.02734932218054922\n+2 986324 0.0224596916827213\n+2 986791 0.0224596916827213\n+2 989163 0.02577876681878442\n+2 989433 0.02734932218054922\n+2 990804 0.01288938340939221\n+2 991032 0.01360367608904809\n+2 991475 0.02900021003919988\n+2 992490 0.01450010501959994\n+2 993053 0.03400919022262022\n+2 993292 0.01360367608904809\n+2 993510 0.0224596916827213\n+2 994106 0.02720735217809617\n+2 994950 0.01288938340939221\n+2 995085 0.02175015752939991\n+2 995605 0.01367466109027461\n+2 995653 0.02084171182520092\n+2 996536 0.01288938340939221\n+2 998175 0.01450010501959994\n+2 1000016 0.03222345852348052\n+2 1000099 0.01360367608904809\n+2 1000335 0.01450010501959994\n+2 1001147 0.0224596916827213\n+2 1002097 0.01288938340939221\n+2 1002929 0.0224596916827213\n+2 1003113 0.0224596916827213\n+2 1003223 0.04197132442339169\n+2 1003232 0.03400919022262022\n+2 1003403 0.02084171182520092\n+2 1006311 0.01367466109027461\n+2 1006560 0.01360367608904809\n+2 1007775 0.01450010501959994\n+2 1007893 0.01846275890181026\n+2 1007912 0.01288938340939221\n+2 1008831 0.01288938340939221\n+2 1008899 0.01360367608904809\n+2 1010438 0.01360367608904809\n+2 1010769 0.0224596916827213\n+2 1011301 0.01360367608904809\n+2 1012185 0.0224596916827213\n+2 1013049 0.02084171182520092\n+2 1014052 0.0276941383527154\n+2 1014788 0.02084171182520092\n+2 1014853 0.01450010501959994\n+2 1015155 0.01360367608904809\n+2 1016179 0.01846275890181026\n+2 1016289 0.01846275890181026\n+2 1016640 0.01846275890181026\n+2 1018557 0.01360367608904809\n+2 1018883 0.0224596916827213\n+2 1019025 0.01755361681674637\n+2 1019588 0.0224596916827213\n+2 1019929 0.01288938340939221\n+2 1020006 0.0224596916827213\n+2 1020311 0.0224596916827213\n+2 1020509 0.01755361681674637\n+2 1020555 0.01360367608904809\n+2 1020677 0.01846275890181026\n+2 1020740 0.0574370336070631\n+2 1021884 0.01288938340939221\n+2 1023224 0.01288938340939221\n+2 1024035 0.01846275890181026\n+2 1026711 0.01367466109027461\n+2 1026775 0.01360367608904809\n+2 1027300 0.01450010501959994\n+2 1027631 0.0224596916827213\n+2 1027749 0.02040551413357213\n+2 1027973 0.01360367608904809\n+2 1028155 0.02084171182520092\n+2 1028295 0.01360367608904809\n+2 1028315 0.02084171182520092\n+2 1030226 0.01367466109027461\n+2 1031121 0.01360367608904809\n+2 1032367 0.02900021003919988\n+2 1032791 0.02084171182520092\n+2 1033256 0.01360367608904809\n+2 1033699 0.02084171182520092\n+2 1033833 0.01288938340939221\n+2 1034350 0.02720735217809617\n+2 1035161 0.01367466109027461\n+2 1035177 0.01755361681674637\n+2 1037044 0.02577876681878442\n+2 1037251 0.02084171182520092\n+2 1037326 0.0276941383527154\n+2 1037360 0.02652924105156806\n+2 1037916 0.02900021003919988\n+2 1038132 0.02084171182520092\n+2 1038587 0.01360367608904809\n+2 1039251 0.01846275890181026\n+2 1039896 0.01846275890181026\n+2 1040201 0.004994524661483748\n+2 1040273 0.02175015752939991\n+2 1040325 0.0224596916827213\n+2 1040479 0.02051199163541191\n+2 1040601 0.0224596916827213\n+2 1040913 0.02175015752939991\n+2 1042343 0.0224596916827213\n+2 1042815 0.01450010501959994\n+2 1043231 0.01367466109027461\n+2 1043931 0.0224596916827213\n+2 1044011 0.0224596916827213\n+2 1045048 0.02577876681878442\n+2 1046133 0.01846275890181026\n+2 1046509 0.02084171182520092\n+2 1046561 0.02720735217809617\n+2 1046915 0.01360367608904809\n+2 1047335 0.01360367608904809\n+2 1048455 0.0224596916827213\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/vectorizer_result02.mtx
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/vectorizer_result02.mtx Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +1,7346 @@\n+%%MatrixMarket matrix coordinate real general\n+%\n+4 1048577 7343\n+1 1450 0.0152274037172392\n+1 1961 0.01275776096436371\n+1 4053 0.01582710983069052\n+1 4357 0.01446327540314412\n+1 4379 0.02292554618019654\n+1 4727 0.01275776096436371\n+1 6201 0.02859906492378073\n+1 7170 0.01341424712825137\n+1 8116 0.02292554618019654\n+1 10078 0.05679044019028674\n+1 10495 0.03256516109420249\n+1 12091 0.05275703276896841\n+1 12155 0.01906604328252049\n+1 13013 0.01517172746603997\n+1 13181 0.0152274037172392\n+1 13234 0.0108550536980675\n+1 13280 0.0152274037172392\n+1 14120 0.01906604328252049\n+1 14527 0.0152274037172392\n+1 15083 0.0152274037172392\n+1 15241 0.01446327540314412\n+1 15283 0.01895709357182213\n+1 16177 0.01275776096436371\n+1 17436 0.0152274037172392\n+1 19449 0.02255274822664651\n+1 20975 0.05803273604586524\n+1 21531 0.0144155416907593\n+1 22178 0.00527570327689684\n+1 22283 0.01674245171469339\n+1 22706 0.02892655080628824\n+1 22715 0.0144155416907593\n+1 23698 0.01275776096436371\n+1 24309 0.02255274822664651\n+1 24541 0.0144155416907593\n+1 25019 0.01275776096436371\n+1 26513 0.01341424712825137\n+1 26569 0.01893014673009558\n+1 27172 0.01446327540314412\n+1 27389 0.02859906492378073\n+1 29313 0.02511367757204008\n+1 29735 0.03786029346019116\n+1 30445 0.0152274037172392\n+1 30453 0.05022735514408017\n+1 30833 0.01341424712825137\n+1 31588 0.0288310833815186\n+1 31963 0.0144155416907593\n+1 33113 0.01517172746603997\n+1 33433 0.01893014673009558\n+1 33979 0.02511367757204008\n+1 34869 0.01895709357182213\n+1 35828 0.01341424712825137\n+1 35928 0.01674245171469339\n+1 36463 0.01893014673009558\n+1 37731 0.01893014673009558\n+1 37859 0.01275776096436371\n+1 38203 0.0144155416907593\n+1 39526 0.01446327540314412\n+1 39705 0.01275776096436371\n+1 39762 0.02682849425650273\n+1 40007 0.01412754739202977\n+1 40920 0.00527570327689684\n+1 40975 0.01341424712825137\n+1 41385 0.01906604328252049\n+1 41559 0.0288310833815186\n+1 41645 0.01893014673009558\n+1 41800 0.03886244041341189\n+1 43077 0.02255274822664651\n+1 43474 0.0152274037172392\n+1 43781 0.01628258054710124\n+1 43937 0.02292554618019654\n+1 44401 0.01895709357182213\n+1 45359 0.02255274822664651\n+1 45447 0.02511367757204008\n+1 45548 0.01893014673009558\n+1 46264 0.01275776096436371\n+1 46627 0.007063773696014885\n+1 48545 0.01341424712825137\n+1 50045 0.02255274822664651\n+1 50271 0.01517172746603997\n+1 50742 0.05803273604586524\n+1 50871 0.01517172746603997\n+1 51188 0.01446327540314412\n+1 52548 0.02255274822664651\n+1 52666 0.01446327540314412\n+1 52833 0.003531886848007443\n+1 53247 0.01913664144654556\n+1 54371 0.01895709357182213\n+1 55601 0.0144155416907593\n+1 56154 0.02551552192872741\n+1 57027 0.01517172746603997\n+1 57543 0.02292554618019654\n+1 57633 0.02682849425650273\n+1 58055 0.03786029346019116\n+1 58575 0.03045480743447839\n+1 58964 0.02110281310758736\n+1 59388 0.02255274822664651\n+1 59679 0.01341424712825137\n+1 60697 0.01275776096436371\n+1 61808 0.01895709357182213\n+1 63572 0.0288310833815186\n+1 64006 0.01628258054710124\n+1 64516 0.02169491310471618\n+1 65817 0.0402427413847541\n+1 66000 0.02859906492378073\n+1 66876 0.01906604328252049\n+1 68440 0.00527570327689684\n+1 68573 0.005427526849033748\n+1 68652 0.03034345493207994\n+1 69297 0.01893014673009558\n+1 69935 0.01446327540314412\n+1 70576 0.0284356403577332\n+1 70624 0.01446327540314412\n+1 71207 0.01893014673009558\n+1 71899 0.01906604328252049\n+1 72251 0.01446327540314412\n+1 72260 0.0152274037172392\n+1 72351 0.02292554618019654\n+1 73005 0.01275776096436371\n+1 73634 0.0144155416907593\n+1 73778 0.0144155416907593\n+1 75637 0.01906604328252049\n+1 75685 0.01674245171469339\n+1 76187 0.01341424712825137\n+1 76858 0.01446327540314412\n+1 77048 0.0144155416907593\n+1 78707 0.01895709357182213\n+1 79120 0.02255274822664651\n+1 79445 0.01628258054710124\n+1 79790 0.01895709357182213\n+1 80087 0.02110281310758736\n+1 80609 0.01341424712825137\n+1 80905 0.005427526849033748\n+1 82201 0.02292554618019654\n+1 82271 0.0144155416907593\n+1 84117 0.01895709357182213\n+1 84121 0.01893014673009558\n'..b'3096885777\n+4 967164 0.007264789390163445\n+4 967313 0.003055503872267962\n+4 967983 0.02245327618246397\n+4 968163 0.02288809645328665\n+4 968483 0.02876453510426408\n+4 969841 0.02179436817049034\n+4 970265 0.01525873096885777\n+4 971015 0.01917635673617606\n+4 972013 0.01425830829592147\n+4 972178 0.02876453510426408\n+4 972485 0.01695356088516536\n+4 973099 0.01586088310577529\n+4 973333 0.01586088310577529\n+4 974072 0.01525873096885777\n+4 974851 0.01425830829592147\n+4 975811 0.02245327618246397\n+4 976275 0.01525873096885777\n+4 977200 0.02876453510426408\n+4 977905 0.01360986045640215\n+4 978257 0.05703323318368587\n+4 978511 0.02245327618246397\n+4 978773 0.03051746193771554\n+4 979478 0.02245327618246397\n+4 980261 0.01917635673617606\n+4 980319 0.01525873096885777\n+4 981883 0.01586088310577529\n+4 982012 0.01525873096885777\n+4 983673 0.01360986045640215\n+4 984683 0.02245327618246397\n+4 985549 0.02851661659184293\n+4 986791 0.02245327618246397\n+4 989163 0.02721972091280431\n+4 989433 0.02851661659184293\n+4 990804 0.01360986045640215\n+4 991468 0.007629365484428886\n+4 991475 0.03172176621155059\n+4 991935 0.01843238994100031\n+4 992490 0.01586088310577529\n+4 993053 0.03814682742214443\n+4 993510 0.02245327618246397\n+4 994106 0.03051746193771554\n+4 994950 0.01360986045640215\n+4 995605 0.01425830829592147\n+4 995653 0.01843238994100031\n+4 996536 0.01360986045640215\n+4 997796 0.03051746193771554\n+4 997977 0.02245327618246397\n+4 1000099 0.01525873096885777\n+4 1000335 0.01586088310577529\n+4 1001147 0.02245327618246397\n+4 1001734 0.01917635673617606\n+4 1003113 0.02245327618246397\n+4 1003223 0.03666604646721554\n+4 1003403 0.01843238994100031\n+4 1005765 0.01917635673617606\n+4 1006311 0.01425830829592147\n+4 1006560 0.01525873096885777\n+4 1007775 0.01586088310577529\n+4 1007912 0.01360986045640215\n+4 1007977 0.02245327618246397\n+4 1008679 0.01525873096885777\n+4 1008831 0.01360986045640215\n+4 1008899 0.01525873096885777\n+4 1010769 0.02245327618246397\n+4 1010791 0.01586088310577529\n+4 1011301 0.01525873096885777\n+4 1012185 0.02245327618246397\n+4 1012987 0.02245327618246397\n+4 1014667 0.01586088310577529\n+4 1014853 0.01586088310577529\n+4 1016179 0.01917635673617606\n+4 1016289 0.01917635673617606\n+4 1016369 0.007129154147960733\n+4 1018165 0.02245327618246397\n+4 1018883 0.02245327618246397\n+4 1019196 0.01360986045640215\n+4 1019328 0.01525873096885777\n+4 1019929 0.01360986045640215\n+4 1020006 0.02245327618246397\n+4 1020555 0.01525873096885777\n+4 1020677 0.01917635673617606\n+4 1020740 0.04432879980054553\n+4 1021884 0.01360986045640215\n+4 1022182 0.006804930228201077\n+4 1023273 0.01425830829592147\n+4 1026711 0.01425830829592147\n+4 1026790 0.01525873096885777\n+4 1027300 0.01586088310577529\n+4 1027631 0.02245327618246397\n+4 1027652 0.01917635673617606\n+4 1027973 0.01525873096885777\n+4 1028155 0.03686477988200062\n+4 1028295 0.01525873096885777\n+4 1028315 0.05529716982300092\n+4 1028912 0.01525873096885777\n+4 1029870 0.02876453510426408\n+4 1030226 0.01425830829592147\n+4 1031121 0.01525873096885777\n+4 1032791 0.01843238994100031\n+4 1033089 0.01917635673617606\n+4 1033256 0.01525873096885777\n+4 1033699 0.01843238994100031\n+4 1033833 0.01360986045640215\n+4 1034350 0.03051746193771554\n+4 1035161 0.01425830829592147\n+4 1035177 0.03390712177033073\n+4 1037044 0.02721972091280431\n+4 1037251 0.01843238994100031\n+4 1037326 0.02876453510426408\n+4 1037360 0.01452957878032689\n+4 1037916 0.03172176621155059\n+4 1039281 0.02245327618246397\n+4 1039896 0.01917635673617606\n+4 1040201 0.01182101328014547\n+4 1040273 0.02379132465866294\n+4 1040325 0.02245327618246397\n+4 1040891 0.01843238994100031\n+4 1040913 0.02379132465866294\n+4 1042343 0.02245327618246397\n+4 1042547 0.01695356088516536\n+4 1042815 0.01586088310577529\n+4 1043231 0.01425830829592147\n+4 1043781 0.01525873096885777\n+4 1046133 0.01917635673617606\n+4 1046509 0.01843238994100031\n+4 1046561 0.03051746193771554\n+4 1046703 0.01917635673617606\n+4 1047335 0.01525873096885777\n+4 1047547 0.01360986045640215\n+4 1048455 0.02245327618246397\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/vectorizer_result03.mtx
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/vectorizer_result03.mtx Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +1,9697 @@\n+%%MatrixMarket matrix coordinate real general\n+%\n+4 1048577 9694\n+1 71 0.01361331290463183\n+1 1450 0.01361331290463183\n+1 1961 0.01140545001599714\n+1 3747 0.01361331290463183\n+1 3795 0.02049545933475693\n+1 4053 0.01414945072069242\n+1 4357 0.01293018149022739\n+1 4379 0.02049545933475693\n+1 4727 0.01140545001599714\n+1 5795 0.01704506020053583\n+1 6201 0.02556759030080374\n+1 7170 0.01199234924928183\n+1 8116 0.02049545933475693\n+1 8523 0.01293018149022739\n+1 8531 0.01704506020053583\n+1 9300 0.02041996935694774\n+1 10078 0.05077070567367346\n+1 10495 0.02911328391873078\n+1 12091 0.0471648357356414\n+1 12155 0.01704506020053583\n+1 13013 0.01356353828493919\n+1 13181 0.01361331290463183\n+1 13234 0.009704427972910257\n+1 13280 0.01361331290463183\n+1 14120 0.01704506020053583\n+1 14527 0.01361331290463183\n+1 14873 0.01293018149022739\n+1 15083 0.01361331290463183\n+1 15241 0.01293018149022739\n+1 15283 0.01694765905913661\n+1 16177 0.01140545001599714\n+1 17436 0.01361331290463183\n+1 19449 0.02016217762198948\n+1 20413 0.01361331290463183\n+1 20975 0.05188131930920554\n+1 21084 0.01293018149022739\n+1 21531 0.01288750750752746\n+1 22178 0.004716483573564139\n+1 22283 0.01496776720543493\n+1 22554 0.01939527223534108\n+1 22570 0.01293018149022739\n+1 22706 0.02586036298045478\n+1 22715 0.01288750750752746\n+1 23188 0.01361331290463183\n+1 23698 0.01140545001599714\n+1 24309 0.02016217762198948\n+1 24510 0.01293018149022739\n+1 24541 0.01288750750752746\n+1 25019 0.01140545001599714\n+1 26513 0.01199234924928183\n+1 26569 0.01692356855789115\n+1 26721 0.01293018149022739\n+1 27172 0.01293018149022739\n+1 27389 0.02556759030080374\n+1 28621 0.01293018149022739\n+1 29313 0.0224516508081524\n+1 29735 0.03384713711578231\n+1 30007 0.02556759030080374\n+1 30445 0.01361331290463183\n+1 30453 0.04490330161630479\n+1 30833 0.01199234924928183\n+1 31159 0.01704506020053583\n+1 31588 0.02577501501505492\n+1 31713 0.01704506020053583\n+1 31931 0.02049545933475693\n+1 31963 0.01288750750752746\n+1 33113 0.01356353828493919\n+1 33433 0.01692356855789115\n+1 33979 0.0224516508081524\n+1 34869 0.01293018149022739\n+1 35056 0.01704506020053583\n+1 35828 0.01199234924928183\n+1 35928 0.01496776720543493\n+1 36463 0.01692356855789115\n+1 36581 0.01361331290463183\n+1 37021 0.01293018149022739\n+1 37256 0.01361331290463183\n+1 37731 0.01692356855789115\n+1 37831 0.01361331290463183\n+1 37859 0.01140545001599714\n+1 38203 0.01288750750752746\n+1 38978 0.02049545933475693\n+1 39526 0.01293018149022739\n+1 39705 0.01140545001599714\n+1 39762 0.02398469849856365\n+1 40007 0.01263004034003412\n+1 40920 0.004716483573564139\n+1 40975 0.01199234924928183\n+1 41367 0.01704506020053583\n+1 41385 0.01704506020053583\n+1 41559 0.02577501501505492\n+1 41645 0.01692356855789115\n+1 41800 0.03474305741210783\n+1 42042 0.02049545933475693\n+1 42057 0.01361331290463183\n+1 42103 0.01293018149022739\n+1 43077 0.02016217762198948\n+1 43474 0.01361331290463183\n+1 43781 0.01455664195936539\n+1 43937 0.02049545933475693\n+1 44401 0.01694765905913661\n+1 45359 0.02016217762198948\n+1 45447 0.0224516508081524\n+1 45548 0.01692356855789115\n+1 45746 0.01704506020053583\n+1 46264 0.01140545001599714\n+1 46627 0.006315020170017061\n+1 48545 0.01199234924928183\n+1 50045 0.02016217762198948\n+1 50271 0.01356353828493919\n+1 50742 0.05188131930920554\n+1 50871 0.01356353828493919\n+1 51188 0.01293018149022739\n+1 51486 0.02049545933475693\n+1 52094 0.01704506020053583\n+1 52548 0.02016217762198948\n+1 52666 0.01293018149022739\n+1 52833 0.003157510085008531\n+1 53247 0.0171081750239957\n+1 53497 0.01293018149022739\n+1 54371 0.01694765905913661\n+1 55601 0.01288750750752746\n+1 55999 0.02049545933475693\n+1 56154 0.02281090003199427\n+1 57027 0.01356353828493919\n+1 57543 0.02049545933475693\n+1 57633 0.02398469849856365\n+1 58055 0.03384713711578231\n+1 58277 0.01704506020053583\n+1 58575 0.02722662580926366\n+1 58845 0.01361331290463183\n+1 58964 0.01886593429425656\n+1 59388 0.02016217762198948\n+1 59679 0.01199234924928183\n+1 60697 0.01140545001599714\n+1 61549 0.013613'..b' 0.02434907336554575\n+4 989433 0.02550919576861992\n+4 990804 0.01217453668277288\n+4 991468 0.006824756966025142\n+4 991475 0.02837632374130612\n+4 991935 0.01648847232539554\n+4 991985 0.01715397885778408\n+4 992490 0.01418816187065306\n+4 993053 0.03412378483012571\n+4 993510 0.02008530766406564\n+4 994106 0.02729902786410057\n+4 994950 0.01217453668277288\n+4 995605 0.01275459788430996\n+4 995653 0.01648847232539554\n+4 995751 0.02008530766406564\n+4 996536 0.01217453668277288\n+4 997796 0.02729902786410057\n+4 997962 0.02008530766406564\n+4 997977 0.02008530766406564\n+4 998855 0.01418816187065306\n+4 999264 0.01364951393205028\n+4 1000099 0.01364951393205028\n+4 1000335 0.01418816187065306\n+4 1000999 0.01715397885778408\n+4 1001147 0.02008530766406564\n+4 1001734 0.01715397885778408\n+4 1002607 0.01715397885778408\n+4 1002835 0.02008530766406564\n+4 1003113 0.02008530766406564\n+4 1003223 0.03279917006918209\n+4 1003403 0.01648847232539554\n+4 1003884 0.02837632374130612\n+4 1005765 0.01715397885778408\n+4 1006311 0.01275459788430996\n+4 1006420 0.02008530766406564\n+4 1006560 0.01364951393205028\n+4 1006793 0.02008530766406564\n+4 1007602 0.01418816187065306\n+4 1007775 0.01418816187065306\n+4 1007912 0.01217453668277288\n+4 1007977 0.02008530766406564\n+4 1008679 0.01364951393205028\n+4 1008831 0.01217453668277288\n+4 1008899 0.01364951393205028\n+4 1009994 0.01715397885778408\n+4 1010769 0.02008530766406564\n+4 1010791 0.01418816187065306\n+4 1011301 0.01364951393205028\n+4 1011321 0.02729902786410057\n+4 1012185 0.02008530766406564\n+4 1012987 0.02008530766406564\n+4 1013009 0.01418816187065306\n+4 1014667 0.01418816187065306\n+4 1014853 0.01418816187065306\n+4 1015484 0.01418816187065306\n+4 1016179 0.01715397885778408\n+4 1016289 0.01715397885778408\n+4 1016369 0.00637729894215498\n+4 1017173 0.01715397885778408\n+4 1017602 0.02128224280597959\n+4 1018165 0.02008530766406564\n+4 1018883 0.02008530766406564\n+4 1019196 0.01217453668277288\n+4 1019328 0.01364951393205028\n+4 1019929 0.01217453668277288\n+4 1020006 0.02008530766406564\n+4 1020555 0.01364951393205028\n+4 1020677 0.01715397885778408\n+4 1020740 0.03965379373314344\n+4 1021827 0.02008530766406564\n+4 1021884 0.01217453668277288\n+4 1022182 0.006087268341386438\n+4 1023273 0.01275459788430996\n+4 1026711 0.01275459788430996\n+4 1026790 0.01364951393205028\n+4 1027300 0.01418816187065306\n+4 1027631 0.02008530766406564\n+4 1027652 0.01715397885778408\n+4 1027973 0.01364951393205028\n+4 1028155 0.03297694465079107\n+4 1028295 0.01364951393205028\n+4 1028315 0.04946541697618662\n+4 1028638 0.01715397885778408\n+4 1028912 0.01364951393205028\n+4 1029870 0.02573096828667612\n+4 1030059 0.01364951393205028\n+4 1030226 0.01275459788430996\n+4 1031121 0.01364951393205028\n+4 1032791 0.01648847232539554\n+4 1033089 0.01715397885778408\n+4 1033256 0.01364951393205028\n+4 1033699 0.01648847232539554\n+4 1033833 0.01217453668277288\n+4 1034350 0.02729902786410057\n+4 1034513 0.02008530766406564\n+4 1035161 0.01275459788430996\n+4 1035177 0.030331207224535\n+4 1036844 0.02573096828667612\n+4 1037044 0.02434907336554575\n+4 1037226 0.02008530766406564\n+4 1037251 0.01648847232539554\n+4 1037326 0.02573096828667612\n+4 1037360 0.01299725962753113\n+4 1037916 0.02837632374130612\n+4 1038731 0.01364951393205028\n+4 1039281 0.02008530766406564\n+4 1039328 0.01715397885778408\n+4 1039896 0.01715397885778408\n+4 1040201 0.01057434499550492\n+4 1040273 0.02128224280597959\n+4 1040325 0.02008530766406564\n+4 1040381 0.02729902786410057\n+4 1040891 0.01648847232539554\n+4 1040913 0.02128224280597959\n+4 1041230 0.01364951393205028\n+4 1042343 0.02008530766406564\n+4 1042547 0.0151656036122675\n+4 1042627 0.01715397885778408\n+4 1042774 0.01715397885778408\n+4 1042815 0.01418816187065306\n+4 1043231 0.01275459788430996\n+4 1043781 0.01364951393205028\n+4 1044112 0.01364951393205028\n+4 1046133 0.01715397885778408\n+4 1046509 0.01648847232539554\n+4 1046561 0.02729902786410057\n+4 1046703 0.01715397885778408\n+4 1047335 0.01364951393205028\n+4 1047547 0.01217453668277288\n+4 1048455 0.02008530766406564\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/vectorizer_result04.mtx
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/vectorizer_result04.mtx Fri Feb 16 09:17:59 2018 -0500
b
b'@@ -0,0 +1,9697 @@\n+%%MatrixMarket matrix coordinate real general\n+%\n+4 1048577 9694\n+1 71 0.01361331290463183\n+1 1450 0.01361331290463183\n+1 1961 0.01140545001599714\n+1 3747 0.01361331290463183\n+1 3795 0.02049545933475693\n+1 4053 0.01414945072069242\n+1 4357 0.01293018149022739\n+1 4379 0.02049545933475693\n+1 4727 0.01140545001599714\n+1 5795 0.01704506020053583\n+1 6201 0.02556759030080374\n+1 7170 0.01199234924928183\n+1 8116 0.02049545933475693\n+1 8523 0.01293018149022739\n+1 8531 0.01704506020053583\n+1 9300 0.02041996935694774\n+1 10078 0.05077070567367346\n+1 10495 0.02911328391873078\n+1 12091 0.0471648357356414\n+1 12155 0.01704506020053583\n+1 13013 0.01356353828493919\n+1 13181 0.01361331290463183\n+1 13234 0.009704427972910257\n+1 13280 0.01361331290463183\n+1 14120 0.01704506020053583\n+1 14527 0.01361331290463183\n+1 14873 0.01293018149022739\n+1 15083 0.01361331290463183\n+1 15241 0.01293018149022739\n+1 15283 0.01694765905913661\n+1 16177 0.01140545001599714\n+1 17436 0.01361331290463183\n+1 19449 0.02016217762198948\n+1 20413 0.01361331290463183\n+1 20975 0.05188131930920554\n+1 21084 0.01293018149022739\n+1 21531 0.01288750750752746\n+1 22178 0.004716483573564139\n+1 22283 0.01496776720543493\n+1 22554 0.01939527223534108\n+1 22570 0.01293018149022739\n+1 22706 0.02586036298045478\n+1 22715 0.01288750750752746\n+1 23188 0.01361331290463183\n+1 23698 0.01140545001599714\n+1 24309 0.02016217762198948\n+1 24510 0.01293018149022739\n+1 24541 0.01288750750752746\n+1 25019 0.01140545001599714\n+1 26513 0.01199234924928183\n+1 26569 0.01692356855789115\n+1 26721 0.01293018149022739\n+1 27172 0.01293018149022739\n+1 27389 0.02556759030080374\n+1 28621 0.01293018149022739\n+1 29313 0.0224516508081524\n+1 29735 0.03384713711578231\n+1 30007 0.02556759030080374\n+1 30445 0.01361331290463183\n+1 30453 0.04490330161630479\n+1 30833 0.01199234924928183\n+1 31159 0.01704506020053583\n+1 31588 0.02577501501505492\n+1 31713 0.01704506020053583\n+1 31931 0.02049545933475693\n+1 31963 0.01288750750752746\n+1 33113 0.01356353828493919\n+1 33433 0.01692356855789115\n+1 33979 0.0224516508081524\n+1 34869 0.01293018149022739\n+1 35056 0.01704506020053583\n+1 35828 0.01199234924928183\n+1 35928 0.01496776720543493\n+1 36463 0.01692356855789115\n+1 36581 0.01361331290463183\n+1 37021 0.01293018149022739\n+1 37256 0.01361331290463183\n+1 37731 0.01692356855789115\n+1 37831 0.01361331290463183\n+1 37859 0.01140545001599714\n+1 38203 0.01288750750752746\n+1 38978 0.02049545933475693\n+1 39526 0.01293018149022739\n+1 39705 0.01140545001599714\n+1 39762 0.02398469849856365\n+1 40007 0.01263004034003412\n+1 40920 0.004716483573564139\n+1 40975 0.01199234924928183\n+1 41367 0.01704506020053583\n+1 41385 0.01704506020053583\n+1 41559 0.02577501501505492\n+1 41645 0.01692356855789115\n+1 41800 0.03474305741210783\n+1 42042 0.02049545933475693\n+1 42057 0.01361331290463183\n+1 42103 0.01293018149022739\n+1 43077 0.02016217762198948\n+1 43474 0.01361331290463183\n+1 43781 0.01455664195936539\n+1 43937 0.02049545933475693\n+1 44401 0.01694765905913661\n+1 45359 0.02016217762198948\n+1 45447 0.0224516508081524\n+1 45548 0.01692356855789115\n+1 45746 0.01704506020053583\n+1 46264 0.01140545001599714\n+1 46627 0.006315020170017061\n+1 48545 0.01199234924928183\n+1 50045 0.02016217762198948\n+1 50271 0.01356353828493919\n+1 50742 0.05188131930920554\n+1 50871 0.01356353828493919\n+1 51188 0.01293018149022739\n+1 51486 0.02049545933475693\n+1 52094 0.01704506020053583\n+1 52548 0.02016217762198948\n+1 52666 0.01293018149022739\n+1 52833 0.003157510085008531\n+1 53247 0.0171081750239957\n+1 53497 0.01293018149022739\n+1 54371 0.01694765905913661\n+1 55601 0.01288750750752746\n+1 55999 0.02049545933475693\n+1 56154 0.02281090003199427\n+1 57027 0.01356353828493919\n+1 57543 0.02049545933475693\n+1 57633 0.02398469849856365\n+1 58055 0.03384713711578231\n+1 58277 0.01704506020053583\n+1 58575 0.02722662580926366\n+1 58845 0.01361331290463183\n+1 58964 0.01886593429425656\n+1 59388 0.02016217762198948\n+1 59679 0.01199234924928183\n+1 60697 0.01140545001599714\n+1 61549 0.013613'..b' 0.02434907336554575\n+4 989433 0.02550919576861992\n+4 990804 0.01217453668277288\n+4 991468 0.006824756966025142\n+4 991475 0.02837632374130612\n+4 991935 0.01648847232539554\n+4 991985 0.01715397885778408\n+4 992490 0.01418816187065306\n+4 993053 0.03412378483012571\n+4 993510 0.02008530766406564\n+4 994106 0.02729902786410057\n+4 994950 0.01217453668277288\n+4 995605 0.01275459788430996\n+4 995653 0.01648847232539554\n+4 995751 0.02008530766406564\n+4 996536 0.01217453668277288\n+4 997796 0.02729902786410057\n+4 997962 0.02008530766406564\n+4 997977 0.02008530766406564\n+4 998855 0.01418816187065306\n+4 999264 0.01364951393205028\n+4 1000099 0.01364951393205028\n+4 1000335 0.01418816187065306\n+4 1000999 0.01715397885778408\n+4 1001147 0.02008530766406564\n+4 1001734 0.01715397885778408\n+4 1002607 0.01715397885778408\n+4 1002835 0.02008530766406564\n+4 1003113 0.02008530766406564\n+4 1003223 0.03279917006918209\n+4 1003403 0.01648847232539554\n+4 1003884 0.02837632374130612\n+4 1005765 0.01715397885778408\n+4 1006311 0.01275459788430996\n+4 1006420 0.02008530766406564\n+4 1006560 0.01364951393205028\n+4 1006793 0.02008530766406564\n+4 1007602 0.01418816187065306\n+4 1007775 0.01418816187065306\n+4 1007912 0.01217453668277288\n+4 1007977 0.02008530766406564\n+4 1008679 0.01364951393205028\n+4 1008831 0.01217453668277288\n+4 1008899 0.01364951393205028\n+4 1009994 0.01715397885778408\n+4 1010769 0.02008530766406564\n+4 1010791 0.01418816187065306\n+4 1011301 0.01364951393205028\n+4 1011321 0.02729902786410057\n+4 1012185 0.02008530766406564\n+4 1012987 0.02008530766406564\n+4 1013009 0.01418816187065306\n+4 1014667 0.01418816187065306\n+4 1014853 0.01418816187065306\n+4 1015484 0.01418816187065306\n+4 1016179 0.01715397885778408\n+4 1016289 0.01715397885778408\n+4 1016369 0.00637729894215498\n+4 1017173 0.01715397885778408\n+4 1017602 0.02128224280597959\n+4 1018165 0.02008530766406564\n+4 1018883 0.02008530766406564\n+4 1019196 0.01217453668277288\n+4 1019328 0.01364951393205028\n+4 1019929 0.01217453668277288\n+4 1020006 0.02008530766406564\n+4 1020555 0.01364951393205028\n+4 1020677 0.01715397885778408\n+4 1020740 0.03965379373314344\n+4 1021827 0.02008530766406564\n+4 1021884 0.01217453668277288\n+4 1022182 0.006087268341386438\n+4 1023273 0.01275459788430996\n+4 1026711 0.01275459788430996\n+4 1026790 0.01364951393205028\n+4 1027300 0.01418816187065306\n+4 1027631 0.02008530766406564\n+4 1027652 0.01715397885778408\n+4 1027973 0.01364951393205028\n+4 1028155 0.03297694465079107\n+4 1028295 0.01364951393205028\n+4 1028315 0.04946541697618662\n+4 1028638 0.01715397885778408\n+4 1028912 0.01364951393205028\n+4 1029870 0.02573096828667612\n+4 1030059 0.01364951393205028\n+4 1030226 0.01275459788430996\n+4 1031121 0.01364951393205028\n+4 1032791 0.01648847232539554\n+4 1033089 0.01715397885778408\n+4 1033256 0.01364951393205028\n+4 1033699 0.01648847232539554\n+4 1033833 0.01217453668277288\n+4 1034350 0.02729902786410057\n+4 1034513 0.02008530766406564\n+4 1035161 0.01275459788430996\n+4 1035177 0.030331207224535\n+4 1036844 0.02573096828667612\n+4 1037044 0.02434907336554575\n+4 1037226 0.02008530766406564\n+4 1037251 0.01648847232539554\n+4 1037326 0.02573096828667612\n+4 1037360 0.01299725962753113\n+4 1037916 0.02837632374130612\n+4 1038731 0.01364951393205028\n+4 1039281 0.02008530766406564\n+4 1039328 0.01715397885778408\n+4 1039896 0.01715397885778408\n+4 1040201 0.01057434499550492\n+4 1040273 0.02128224280597959\n+4 1040325 0.02008530766406564\n+4 1040381 0.02729902786410057\n+4 1040891 0.01648847232539554\n+4 1040913 0.02128224280597959\n+4 1041230 0.01364951393205028\n+4 1042343 0.02008530766406564\n+4 1042547 0.0151656036122675\n+4 1042627 0.01715397885778408\n+4 1042774 0.01715397885778408\n+4 1042815 0.01418816187065306\n+4 1043231 0.01275459788430996\n+4 1043781 0.01364951393205028\n+4 1044112 0.01364951393205028\n+4 1046133 0.01715397885778408\n+4 1046509 0.01648847232539554\n+4 1046561 0.02729902786410057\n+4 1046703 0.01715397885778408\n+4 1047335 0.01364951393205028\n+4 1047547 0.01217453668277288\n+4 1048455 0.02008530766406564\n'
b
diff -r 000000000000 -r c7b8fab00c0f test-data/y.tabular
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/y.tabular Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,39 @@
+0 0 0.0 1.0 2.0 0 0 -2.76903910779 -0.777269253713 2.08028572913
+2 2 0.0 0.0 1.0 1 1 -1.46032791667 0.555654963057 -1.54234795893
+1 1 0.0 1.0 0.0 1 1 1.72939677275 -1.3402943146 -7.95375106924
+0 0 1.0 0.0 0.0 0 0 -3.15016545997 0.19568758864 1.40593056786
+2 2 0.0 0.0 1.0 1 1 1.21845859294 -0.677633363546 -6.62421395692
+0 0 1.0 0.0 0.0 0 0 -3.25263252854 -0.908498631085 2.74671790479
+2 2 0.0 0.0 1.0 1 1 1.38291089706 -0.924165117418 -6.87449092795
+0 0 1.0 0.0 0.0 0 0 -1.7423603376 -0.326034812837 -1.12743832183
+1 2 0.0 1.0 0.0 1 1 -1.88141734237 0.0471879612496 -0.990485600884
+1 2 0.0 0.9 0.1 1 1 -1.32547081613 -0.193430743286 -1.66958283068
+1 1 0.0 1.0 0.0 1 1 -2.7799666645 0.485621555351 1.21494093967
+2 2 0.0 0.2 0.8 1 1 -1.60125339649 -0.493901618129 -1.20213785254
+1 2 0.0 1.0 0.0 1 1 -1.86658623206 0.162709340336 -0.691875382528
+1 1 0.0 1.0 0.0 1 1 -1.82214550549 -0.130278514956 -0.836834994045
+1 2 0.0 0.9 0.1 1 1 -1.910728736 -0.0978509403157 -0.469743754594
+1 2 0.0 1.0 0.0 1 1 1.1191441248 -0.350015230403 -6.43122655533
+0 0 1.0 0.0 0.0 0 0 -1.80789829975 -0.267725170783 -0.533251833633
+1 1 0.0 0.9 0.1 1 1 -1.82704375852 0.186802710054 -0.367392242502
+1 1 0.0 0.9 0.1 1 1 1.05683832083 -0.491476736579 -6.10526049159
+0 0 1.0 0.0 0.0 0 0 1.58740583243 -1.32084852823 -7.47140590741
+0 0 1.0 0.0 0.0 0 0 -2.47802529094 -0.500673021108 1.37455405057
+2 2 0.0 0.3 0.7 1 1 -1.85517293032 -0.363363308535 -0.177124010926
+1 1 0.0 0.8 0.2 1 1 0.84169544958 -0.533176028466 -5.7625592501
+0 0 1.0 0.0 0.0 0 0 0.971871089969 -0.336154264594 -5.74291415928
+0 0 1.0 0.0 0.0 0 0 -2.18006328471 -0.33580204472 0.261632810716
+2 2 0.0 0.2 0.8 1 1 1.62753221054 -1.0437871236 -7.15189570944
+0 0 1.0 0.0 0.0 0 0 0.982418549211 -1.02370887933 -6.10073429813
+0 0 1.0 0.0 0.0 0 0 -1.51375235626 -0.156051081077 -1.37297970696
+1 1 0.0 1.0 0.0 1 1 -1.05517039337 0.171153321655 -1.66261211523
+1 1 0.0 1.0 0.0 1 1 1.05117238483 -0.819727602718 -6.16276877471
+0 0 1.0 0.0 0.0 0 0 -2.60008493281 -0.303483971372 0.937773514338
+2 2 0.0 0.0 1.0 1 1 -1.89873152969 -0.370955554274 0.0400346749524
+1 1 0.0 0.8 0.2 1 1 1.30185976049 -0.750494764082 -6.91956219185
+0 0 1.0 0.0 0.0 0 0 -2.20545858405 -0.462493064934 0.374957060793
+2 2 0.0 0.3 0.7 1 1 -2.97088391755 -0.384323906096 1.93410852068
+2 2 0.0 0.0 1.0 1 1 -1.52001848153 -0.275207915229 -0.625142611926
+1 1 0.0 1.0 0.0 1 1 1.32168915538 -0.986903615337 -7.22461895473
+0 0 1.0 0.0 0.0 0 0 -2.42938278814 0.0312031758068 0.740031884365
+1 2 0.0 0.0 1.0 1 1 -1.52001848153 -0.370955554274 0.937773514338
b
diff -r 000000000000 -r c7b8fab00c0f test-data/zero_one_loss.txt
--- /dev/null Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/zero_one_loss.txt Fri Feb 16 09:17:59 2018 -0500
b
@@ -0,0 +1,2 @@
+zero_one_loss : 
+0.15384615384615385