changeset 5:4f7e6612906b draft

"planemo upload for repository https://github.com/bgruening/galaxytools/tree/recommendation_training/tools/tool_recommendation_model commit 5eebc0cb44e71f581d548b7e842002705dd155eb"
author bgruening
date Fri, 06 May 2022 09:05:18 +0000
parents afec8c595124
children e94dc7945639
files create_tool_recommendation_model.xml extract_workflow_connections.py main.py optimise_hyperparameters.py predict_tool_usage.py prepare_data.py test-data/test_tool_usage test-data/test_workflows utils.py
diffstat 9 files changed, 1084 insertions(+), 1661 deletions(-) [+]
line wrap: on
line diff
--- a/create_tool_recommendation_model.xml	Tue Jul 07 03:25:49 2020 -0400
+++ b/create_tool_recommendation_model.xml	Fri May 06 09:05:18 2022 +0000
@@ -1,13 +1,13 @@
-<tool id="create_tool_recommendation_model" name="Create a model to recommend tools" version="0.0.3">
+<tool id="create_tool_recommendation_model" name="Create a model to recommend tools" version="0.0.4">
     <description>using deep learning</description>
     <requirements>
-        <requirement type="package" version="3.6">python</requirement>
-        <requirement type="package" version="1.13.1">tensorflow</requirement>
-        <requirement type="package" version="2.3.0">keras</requirement>
-        <requirement type="package" version="0.21.3">scikit-learn</requirement>
-        <requirement type="package" version="2.9.0">h5py</requirement>
+        <requirement type="package" version="3.9.7">python</requirement>
+        <requirement type="package" version="2.7.0">tensorflow</requirement>
+        <requirement type="package" version="2.7.0">keras</requirement>
+        <requirement type="package" version="1.0.2">scikit-learn</requirement>
+        <requirement type="package" version="3.6.0">h5py</requirement>
         <requirement type="package" version="1.0.4">csvkit</requirement>
-        <requirement type="package" version="0.1.2">hyperopt</requirement>
+        <requirement type="package" version="0.2.5">hyperopt</requirement>
     </requirements>
     <version_command>echo "@VERSION@"</version_command>
     <command detect_errors="aggressive">
--- a/extract_workflow_connections.py	Tue Jul 07 03:25:49 2020 -0400
+++ b/extract_workflow_connections.py	Fri May 06 09:05:18 2022 +0000
@@ -10,7 +10,6 @@
 
 
 class ExtractWorkflowConnections:
-
     def __init__(self):
         """ Init method. """
 
@@ -33,12 +32,12 @@
         workflow_paths = list()
         unique_paths = dict()
         standard_connections = dict()
-        with open(raw_file_path, 'rt') as workflow_connections_file:
-            workflow_connections = csv.reader(workflow_connections_file, delimiter='\t')
+        with open(raw_file_path, "rt") as workflow_connections_file:
+            workflow_connections = csv.reader(workflow_connections_file, delimiter="\t")
             for index, row in enumerate(workflow_connections):
                 wf_id = str(row[0])
-                in_tool = row[3]
-                out_tool = row[6]
+                in_tool = row[3].strip()
+                out_tool = row[6].strip()
                 if wf_id not in workflows:
                     workflows[wf_id] = list()
                 if out_tool and in_tool and out_tool != in_tool:
@@ -144,7 +143,9 @@
         if end in graph:
             for node in graph[end]:
                 if node not in path:
-                    new_tools_paths = self.find_tool_paths_workflow(graph, start, node, path)
+                    new_tools_paths = self.find_tool_paths_workflow(
+                        graph, start, node, path
+                    )
                     for tool_path in new_tools_paths:
                         path_list.append(tool_path)
         return path_list
--- a/main.py	Tue Jul 07 03:25:49 2020 -0400
+++ b/main.py	Fri May 06 09:05:18 2022 +0000
@@ -3,35 +3,36 @@
 using machine learning (recurrent neural network)
 """
 
-import numpy as np
 import argparse
 import time
 
-# machine learning library
-import tensorflow as tf
-from keras import backend as K
+import extract_workflow_connections
 import keras.callbacks as callbacks
-
-import extract_workflow_connections
+import numpy as np
+import optimise_hyperparameters
 import prepare_data
-import optimise_hyperparameters
 import utils
 
 
 class PredictTool:
-
     def __init__(self, num_cpus):
         """ Init method. """
-        # set the number of cpus
-        cpu_config = tf.ConfigProto(
-            device_count={"CPU": num_cpus},
-            intra_op_parallelism_threads=num_cpus,
-            inter_op_parallelism_threads=num_cpus,
-            allow_soft_placement=True
-        )
-        K.set_session(tf.Session(config=cpu_config))
 
-    def find_train_best_network(self, network_config, reverse_dictionary, train_data, train_labels, test_data, test_labels, n_epochs, class_weights, usage_pred, standard_connections, tool_freq, tool_tr_samples):
+    def find_train_best_network(
+        self,
+        network_config,
+        reverse_dictionary,
+        train_data,
+        train_labels,
+        test_data,
+        test_labels,
+        n_epochs,
+        class_weights,
+        usage_pred,
+        standard_connections,
+        tool_freq,
+        tool_tr_samples,
+    ):
         """
         Define recurrent neural network and train sequential data
         """
@@ -40,11 +41,34 @@
 
         print("Start hyperparameter optimisation...")
         hyper_opt = optimise_hyperparameters.HyperparameterOptimisation()
-        best_params, best_model = hyper_opt.train_model(network_config, reverse_dictionary, train_data, train_labels, test_data, test_labels, tool_tr_samples, class_weights)
+        best_params, best_model = hyper_opt.train_model(
+            network_config,
+            reverse_dictionary,
+            train_data,
+            train_labels,
+            test_data,
+            test_labels,
+            tool_tr_samples,
+            class_weights,
+        )
 
         # define callbacks
-        early_stopping = callbacks.EarlyStopping(monitor='loss', mode='min', verbose=1, min_delta=1e-1, restore_best_weights=True)
-        predict_callback_test = PredictCallback(test_data, test_labels, reverse_dictionary, n_epochs, usage_pred, standard_connections, lowest_tool_ids)
+        early_stopping = callbacks.EarlyStopping(
+            monitor="loss",
+            mode="min",
+            verbose=1,
+            min_delta=1e-1,
+            restore_best_weights=True,
+        )
+        predict_callback_test = PredictCallback(
+            test_data,
+            test_labels,
+            reverse_dictionary,
+            n_epochs,
+            usage_pred,
+            standard_connections,
+            lowest_tool_ids,
+        )
 
         callbacks_list = [predict_callback_test, early_stopping]
         batch_size = int(best_params["batch_size"])
@@ -57,21 +81,29 @@
                 train_labels,
                 batch_size,
                 tool_tr_samples,
-                reverse_dictionary
+                reverse_dictionary,
             ),
             steps_per_epoch=len(train_data) // batch_size,
             epochs=n_epochs,
             callbacks=callbacks_list,
             validation_data=(test_data, test_labels),
             verbose=2,
-            shuffle=True
+            shuffle=True,
         )
-        train_performance["validation_loss"] = np.array(trained_model.history["val_loss"])
+        train_performance["validation_loss"] = np.array(
+            trained_model.history["val_loss"]
+        )
         train_performance["precision"] = predict_callback_test.precision
         train_performance["usage_weights"] = predict_callback_test.usage_weights
-        train_performance["published_precision"] = predict_callback_test.published_precision
-        train_performance["lowest_pub_precision"] = predict_callback_test.lowest_pub_precision
-        train_performance["lowest_norm_precision"] = predict_callback_test.lowest_norm_precision
+        train_performance[
+            "published_precision"
+        ] = predict_callback_test.published_precision
+        train_performance[
+            "lowest_pub_precision"
+        ] = predict_callback_test.lowest_pub_precision
+        train_performance[
+            "lowest_norm_precision"
+        ] = predict_callback_test.lowest_norm_precision
         train_performance["train_loss"] = np.array(trained_model.history["loss"])
         train_performance["model"] = best_model
         train_performance["best_parameters"] = best_params
@@ -79,7 +111,16 @@
 
 
 class PredictCallback(callbacks.Callback):
-    def __init__(self, test_data, test_labels, reverse_data_dictionary, n_epochs, usg_scores, standard_connections, lowest_tool_ids):
+    def __init__(
+        self,
+        test_data,
+        test_labels,
+        reverse_data_dictionary,
+        n_epochs,
+        usg_scores,
+        standard_connections,
+        lowest_tool_ids,
+    ):
         self.test_data = test_data
         self.test_labels = test_labels
         self.reverse_data_dictionary = reverse_data_dictionary
@@ -98,7 +139,22 @@
         Compute absolute and compatible precision for test data
         """
         if len(self.test_data) > 0:
-            usage_weights, precision, precision_pub, low_pub_prec, low_norm_prec, low_num = utils.verify_model(self.model, self.test_data, self.test_labels, self.reverse_data_dictionary, self.pred_usage_scores, self.standard_connections, self.lowest_tool_ids)
+            (
+                usage_weights,
+                precision,
+                precision_pub,
+                low_pub_prec,
+                low_norm_prec,
+                low_num,
+            ) = utils.verify_model(
+                self.model,
+                self.test_data,
+                self.test_labels,
+                self.reverse_data_dictionary,
+                self.pred_usage_scores,
+                self.standard_connections,
+                self.lowest_tool_ids,
+            )
             self.precision.append(precision)
             self.usage_weights.append(usage_weights)
             self.published_precision.append(precision_pub)
@@ -109,31 +165,96 @@
             print("Epoch %d published precision: %s" % (epoch + 1, precision_pub))
             print("Epoch %d lowest published precision: %s" % (epoch + 1, low_pub_prec))
             print("Epoch %d lowest normal precision: %s" % (epoch + 1, low_norm_prec))
-            print("Epoch %d number of test samples with lowest tool ids: %s" % (epoch + 1, low_num))
+            print(
+                "Epoch %d number of test samples with lowest tool ids: %s"
+                % (epoch + 1, low_num)
+            )
 
 
 if __name__ == "__main__":
     start_time = time.time()
 
     arg_parser = argparse.ArgumentParser()
-    arg_parser.add_argument("-wf", "--workflow_file", required=True, help="workflows tabular file")
-    arg_parser.add_argument("-tu", "--tool_usage_file", required=True, help="tool usage file")
-    arg_parser.add_argument("-om", "--output_model", required=True, help="trained model file")
+    arg_parser.add_argument(
+        "-wf", "--workflow_file", required=True, help="workflows tabular file"
+    )
+    arg_parser.add_argument(
+        "-tu", "--tool_usage_file", required=True, help="tool usage file"
+    )
+    arg_parser.add_argument(
+        "-om", "--output_model", required=True, help="trained model file"
+    )
     # data parameters
-    arg_parser.add_argument("-cd", "--cutoff_date", required=True, help="earliest date for taking tool usage")
-    arg_parser.add_argument("-pl", "--maximum_path_length", required=True, help="maximum length of tool path")
-    arg_parser.add_argument("-ep", "--n_epochs", required=True, help="number of iterations to run to create model")
-    arg_parser.add_argument("-oe", "--optimize_n_epochs", required=True, help="number of iterations to run to find best model parameters")
-    arg_parser.add_argument("-me", "--max_evals", required=True, help="maximum number of configuration evaluations")
-    arg_parser.add_argument("-ts", "--test_share", required=True, help="share of data to be used for testing")
+    arg_parser.add_argument(
+        "-cd",
+        "--cutoff_date",
+        required=True,
+        help="earliest date for taking tool usage",
+    )
+    arg_parser.add_argument(
+        "-pl",
+        "--maximum_path_length",
+        required=True,
+        help="maximum length of tool path",
+    )
+    arg_parser.add_argument(
+        "-ep",
+        "--n_epochs",
+        required=True,
+        help="number of iterations to run to create model",
+    )
+    arg_parser.add_argument(
+        "-oe",
+        "--optimize_n_epochs",
+        required=True,
+        help="number of iterations to run to find best model parameters",
+    )
+    arg_parser.add_argument(
+        "-me",
+        "--max_evals",
+        required=True,
+        help="maximum number of configuration evaluations",
+    )
+    arg_parser.add_argument(
+        "-ts",
+        "--test_share",
+        required=True,
+        help="share of data to be used for testing",
+    )
     # neural network parameters
-    arg_parser.add_argument("-bs", "--batch_size", required=True, help="size of the tranining batch i.e. the number of samples per batch")
-    arg_parser.add_argument("-ut", "--units", required=True, help="number of hidden recurrent units")
-    arg_parser.add_argument("-es", "--embedding_size", required=True, help="size of the fixed vector learned for each tool")
-    arg_parser.add_argument("-dt", "--dropout", required=True, help="percentage of neurons to be dropped")
-    arg_parser.add_argument("-sd", "--spatial_dropout", required=True, help="1d dropout used for embedding layer")
-    arg_parser.add_argument("-rd", "--recurrent_dropout", required=True, help="dropout for the recurrent layers")
-    arg_parser.add_argument("-lr", "--learning_rate", required=True, help="learning rate")
+    arg_parser.add_argument(
+        "-bs",
+        "--batch_size",
+        required=True,
+        help="size of the tranining batch i.e. the number of samples per batch",
+    )
+    arg_parser.add_argument(
+        "-ut", "--units", required=True, help="number of hidden recurrent units"
+    )
+    arg_parser.add_argument(
+        "-es",
+        "--embedding_size",
+        required=True,
+        help="size of the fixed vector learned for each tool",
+    )
+    arg_parser.add_argument(
+        "-dt", "--dropout", required=True, help="percentage of neurons to be dropped"
+    )
+    arg_parser.add_argument(
+        "-sd",
+        "--spatial_dropout",
+        required=True,
+        help="1d dropout used for embedding layer",
+    )
+    arg_parser.add_argument(
+        "-rd",
+        "--recurrent_dropout",
+        required=True,
+        help="dropout for the recurrent layers",
+    )
+    arg_parser.add_argument(
+        "-lr", "--learning_rate", required=True, help="learning rate"
+    )
 
     # get argument values
     args = vars(arg_parser.parse_args())
@@ -156,33 +277,74 @@
     num_cpus = 16
 
     config = {
-        'cutoff_date': cutoff_date,
-        'maximum_path_length': maximum_path_length,
-        'n_epochs': n_epochs,
-        'optimize_n_epochs': optimize_n_epochs,
-        'max_evals': max_evals,
-        'test_share': test_share,
-        'batch_size': batch_size,
-        'units': units,
-        'embedding_size': embedding_size,
-        'dropout': dropout,
-        'spatial_dropout': spatial_dropout,
-        'recurrent_dropout': recurrent_dropout,
-        'learning_rate': learning_rate
+        "cutoff_date": cutoff_date,
+        "maximum_path_length": maximum_path_length,
+        "n_epochs": n_epochs,
+        "optimize_n_epochs": optimize_n_epochs,
+        "max_evals": max_evals,
+        "test_share": test_share,
+        "batch_size": batch_size,
+        "units": units,
+        "embedding_size": embedding_size,
+        "dropout": dropout,
+        "spatial_dropout": spatial_dropout,
+        "recurrent_dropout": recurrent_dropout,
+        "learning_rate": learning_rate,
     }
 
     # Extract and process workflows
     connections = extract_workflow_connections.ExtractWorkflowConnections()
-    workflow_paths, compatible_next_tools, standard_connections = connections.read_tabular_file(workflows_path)
+    (
+        workflow_paths,
+        compatible_next_tools,
+        standard_connections,
+    ) = connections.read_tabular_file(workflows_path)
     # Process the paths from workflows
     print("Dividing data...")
     data = prepare_data.PrepareData(maximum_path_length, test_share)
-    train_data, train_labels, test_data, test_labels, data_dictionary, reverse_dictionary, class_weights, usage_pred, train_tool_freq, tool_tr_samples = data.get_data_labels_matrices(workflow_paths, tool_usage_path, cutoff_date, compatible_next_tools, standard_connections)
+    (
+        train_data,
+        train_labels,
+        test_data,
+        test_labels,
+        data_dictionary,
+        reverse_dictionary,
+        class_weights,
+        usage_pred,
+        train_tool_freq,
+        tool_tr_samples,
+    ) = data.get_data_labels_matrices(
+        workflow_paths,
+        tool_usage_path,
+        cutoff_date,
+        compatible_next_tools,
+        standard_connections,
+    )
     # find the best model and start training
     predict_tool = PredictTool(num_cpus)
     # start training with weighted classes
     print("Training with weighted classes and samples ...")
-    results_weighted = predict_tool.find_train_best_network(config, reverse_dictionary, train_data, train_labels, test_data, test_labels, n_epochs, class_weights, usage_pred, standard_connections, train_tool_freq, tool_tr_samples)
-    utils.save_model(results_weighted, data_dictionary, compatible_next_tools, trained_model_path, class_weights, standard_connections)
+    results_weighted = predict_tool.find_train_best_network(
+        config,
+        reverse_dictionary,
+        train_data,
+        train_labels,
+        test_data,
+        test_labels,
+        n_epochs,
+        class_weights,
+        usage_pred,
+        standard_connections,
+        train_tool_freq,
+        tool_tr_samples,
+    )
+    utils.save_model(
+        results_weighted,
+        data_dictionary,
+        compatible_next_tools,
+        trained_model_path,
+        class_weights,
+        standard_connections,
+    )
     end_time = time.time()
     print("Program finished in %s seconds" % str(end_time - start_time))
--- a/optimise_hyperparameters.py	Tue Jul 07 03:25:49 2020 -0400
+++ b/optimise_hyperparameters.py	Fri May 06 09:05:18 2022 +0000
@@ -3,24 +3,29 @@
 """
 
 import numpy as np
-from hyperopt import fmin, tpe, hp, STATUS_OK, Trials
-
-from keras.models import Sequential
-from keras.layers import Dense, GRU, Dropout
-from keras.layers.embeddings import Embedding
-from keras.layers.core import SpatialDropout1D
-from keras.optimizers import RMSprop
-from keras.callbacks import EarlyStopping
-
 import utils
+from hyperopt import fmin, hp, STATUS_OK, tpe, Trials
+from tensorflow.keras.callbacks import EarlyStopping
+from tensorflow.keras.layers import Dense, Dropout, Embedding, GRU, SpatialDropout1D
+from tensorflow.keras.models import Sequential
+from tensorflow.keras.optimizers import RMSprop
 
 
 class HyperparameterOptimisation:
-
     def __init__(self):
         """ Init method. """
 
-    def train_model(self, config, reverse_dictionary, train_data, train_labels, test_data, test_labels, tool_tr_samples, class_weights):
+    def train_model(
+        self,
+        config,
+        reverse_dictionary,
+        train_data,
+        train_labels,
+        test_data,
+        test_labels,
+        tool_tr_samples,
+        class_weights,
+    ):
         """
         Train a model and report accuracy
         """
@@ -40,52 +45,101 @@
         # get dimensions
         dimensions = len(reverse_dictionary) + 1
         best_model_params = dict()
-        early_stopping = EarlyStopping(monitor='val_loss', mode='min', verbose=1, min_delta=1e-1, restore_best_weights=True)
+        early_stopping = EarlyStopping(
+            monitor="val_loss",
+            mode="min",
+            verbose=1,
+            min_delta=1e-1,
+            restore_best_weights=True,
+        )
 
         # specify the search space for finding the best combination of parameters using Bayesian optimisation
         params = {
-            "embedding_size": hp.quniform("embedding_size", l_embedding_size[0], l_embedding_size[1], 1),
+            "embedding_size": hp.quniform(
+                "embedding_size", l_embedding_size[0], l_embedding_size[1], 1
+            ),
             "units": hp.quniform("units", l_units[0], l_units[1], 1),
-            "batch_size": hp.quniform("batch_size", l_batch_size[0], l_batch_size[1], 1),
-            "learning_rate": hp.loguniform("learning_rate", np.log(l_learning_rate[0]), np.log(l_learning_rate[1])),
+            "batch_size": hp.quniform(
+                "batch_size", l_batch_size[0], l_batch_size[1], 1
+            ),
+            "learning_rate": hp.loguniform(
+                "learning_rate", np.log(l_learning_rate[0]), np.log(l_learning_rate[1])
+            ),
             "dropout": hp.uniform("dropout", l_dropout[0], l_dropout[1]),
-            "spatial_dropout": hp.uniform("spatial_dropout", l_spatial_dropout[0], l_spatial_dropout[1]),
-            "recurrent_dropout": hp.uniform("recurrent_dropout", l_recurrent_dropout[0], l_recurrent_dropout[1])
+            "spatial_dropout": hp.uniform(
+                "spatial_dropout", l_spatial_dropout[0], l_spatial_dropout[1]
+            ),
+            "recurrent_dropout": hp.uniform(
+                "recurrent_dropout", l_recurrent_dropout[0], l_recurrent_dropout[1]
+            ),
         }
 
         def create_model(params):
             model = Sequential()
-            model.add(Embedding(dimensions, int(params["embedding_size"]), mask_zero=True))
+            model.add(
+                Embedding(dimensions, int(params["embedding_size"]), mask_zero=True)
+            )
             model.add(SpatialDropout1D(params["spatial_dropout"]))
-            model.add(GRU(int(params["units"]), dropout=params["dropout"], recurrent_dropout=params["recurrent_dropout"], return_sequences=True, activation="elu"))
+            model.add(
+                GRU(
+                    int(params["units"]),
+                    dropout=params["dropout"],
+                    recurrent_dropout=params["recurrent_dropout"],
+                    return_sequences=True,
+                    activation="elu",
+                )
+            )
             model.add(Dropout(params["dropout"]))
-            model.add(GRU(int(params["units"]), dropout=params["dropout"], recurrent_dropout=params["recurrent_dropout"], return_sequences=False, activation="elu"))
+            model.add(
+                GRU(
+                    int(params["units"]),
+                    dropout=params["dropout"],
+                    recurrent_dropout=params["recurrent_dropout"],
+                    return_sequences=False,
+                    activation="elu",
+                )
+            )
             model.add(Dropout(params["dropout"]))
             model.add(Dense(2 * dimensions, activation="sigmoid"))
             optimizer_rms = RMSprop(lr=params["learning_rate"])
             batch_size = int(params["batch_size"])
-            model.compile(loss=utils.weighted_loss(class_weights), optimizer=optimizer_rms)
+            model.compile(
+                loss=utils.weighted_loss(class_weights), optimizer=optimizer_rms
+            )
             print(model.summary())
-            model_fit = model.fit_generator(
+            model_fit = model.fit(
                 utils.balanced_sample_generator(
                     train_data,
                     train_labels,
                     batch_size,
                     tool_tr_samples,
-                    reverse_dictionary
+                    reverse_dictionary,
                 ),
                 steps_per_epoch=len(train_data) // batch_size,
                 epochs=optimize_n_epochs,
                 callbacks=[early_stopping],
                 validation_data=(test_data, test_labels),
                 verbose=2,
-                shuffle=True
+                shuffle=True,
             )
-            return {'loss': model_fit.history["val_loss"][-1], 'status': STATUS_OK, 'model': model}
+            return {
+                "loss": model_fit.history["val_loss"][-1],
+                "status": STATUS_OK,
+                "model": model,
+            }
+
         # minimize the objective function using the set of parameters above
         trials = Trials()
-        learned_params = fmin(create_model, params, trials=trials, algo=tpe.suggest, max_evals=int(config["max_evals"]))
-        best_model = trials.results[np.argmin([r['loss'] for r in trials.results])]['model']
+        learned_params = fmin(
+            create_model,
+            params,
+            trials=trials,
+            algo=tpe.suggest,
+            max_evals=int(config["max_evals"]),
+        )
+        best_model = trials.results[np.argmin([r["loss"] for r in trials.results])][
+            "model"
+        ]
         # set the best params with respective values
         for item in learned_params:
             item_val = learned_params[item]
--- a/predict_tool_usage.py	Tue Jul 07 03:25:49 2020 -0400
+++ b/predict_tool_usage.py	Fri May 06 09:05:18 2022 +0000
@@ -2,17 +2,16 @@
 Predict tool usage to weigh the predicted tools
 """
 
-import os
-import numpy as np
-import warnings
+import collections
 import csv
-import collections
+import os
+import warnings
 
-from sklearn.svm import SVR
+import numpy as np
+import utils
 from sklearn.model_selection import GridSearchCV
 from sklearn.pipeline import Pipeline
-
-import utils
+from sklearn.svm import SVR
 
 warnings.filterwarnings("ignore")
 
@@ -20,7 +19,6 @@
 
 
 class ToolPopularity:
-
     def __init__(self):
         """ Init method. """
 
@@ -31,10 +29,11 @@
         tool_usage_dict = dict()
         all_dates = list()
         all_tool_list = list(dictionary.keys())
-        with open(tool_usage_file, 'rt') as usage_file:
-            tool_usage = csv.reader(usage_file, delimiter='\t')
+        with open(tool_usage_file, "rt") as usage_file:
+            tool_usage = csv.reader(usage_file, delimiter="\t")
             for index, row in enumerate(tool_usage):
-                if (str(row[1]) > cutoff_date) is True:
+                row = [item.strip() for item in row]
+                if (str(row[1]).strip() > cutoff_date) is True:
                     tool_id = utils.format_tool_id(row[0])
                     if tool_id in all_tool_list:
                         all_dates.append(row[1])
@@ -67,18 +66,25 @@
         """
         epsilon = 0.0
         cv = 5
-        s_typ = 'neg_mean_absolute_error'
+        s_typ = "neg_mean_absolute_error"
         n_jobs = 4
         s_error = 1
-        iid = True
         tr_score = False
         try:
-            pipe = Pipeline(steps=[('regressor', SVR(gamma='scale'))])
+            pipe = Pipeline(steps=[("regressor", SVR(gamma="scale"))])
             param_grid = {
-                'regressor__kernel': ['rbf', 'poly', 'linear'],
-                'regressor__degree': [2, 3]
+                "regressor__kernel": ["rbf", "poly", "linear"],
+                "regressor__degree": [2, 3],
             }
-            search = GridSearchCV(pipe, param_grid, iid=iid, cv=cv, scoring=s_typ, n_jobs=n_jobs, error_score=s_error, return_train_score=tr_score)
+            search = GridSearchCV(
+                pipe,
+                param_grid,
+                cv=cv,
+                scoring=s_typ,
+                n_jobs=n_jobs,
+                error_score=s_error,
+                return_train_score=tr_score,
+            )
             search.fit(x_reshaped, y_reshaped.ravel())
             model = search.best_estimator_
             # set the next time point to get prediction for
@@ -87,7 +93,8 @@
             if prediction < epsilon:
                 prediction = [epsilon]
             return prediction[0]
-        except Exception:
+        except Exception as e:
+            print(e)
             return epsilon
 
     def get_pupularity_prediction(self, tools_usage):
--- a/prepare_data.py	Tue Jul 07 03:25:49 2020 -0400
+++ b/prepare_data.py	Fri May 06 09:05:18 2022 +0000
@@ -4,18 +4,17 @@
 into the test and training sets
 """
 
+import collections
 import os
-import collections
-import numpy as np
 import random
 
+import numpy as np
 import predict_tool_usage
 
 main_path = os.getcwd()
 
 
 class PrepareData:
-
     def __init__(self, max_seq_length, test_data_share):
         """ Init method. """
         self.max_tool_sequence_len = max_seq_length
@@ -27,15 +26,20 @@
         """
         tokens = list()
         raw_paths = workflow_paths
-        raw_paths = [x.replace("\n", '') for x in raw_paths]
+        raw_paths = [x.replace("\n", "") for x in raw_paths]
         for item in raw_paths:
             split_items = item.split(",")
             for token in split_items:
-                if token is not "":
+                if token != "":
                     tokens.append(token)
         tokens = list(set(tokens))
         tokens = np.array(tokens)
-        tokens = np.reshape(tokens, [-1, ])
+        tokens = np.reshape(
+            tokens,
+            [
+                -1,
+            ],
+        )
         return tokens, raw_paths
 
     def create_new_dict(self, new_data_dict):
@@ -60,7 +64,10 @@
         dictionary = dict()
         for word, _ in count:
             dictionary[word] = len(dictionary) + 1
-        dictionary, reverse_dictionary = self.assemble_dictionary(dictionary, old_data_dictionary)
+            word = word.strip()
+        dictionary, reverse_dictionary = self.assemble_dictionary(
+            dictionary, old_data_dictionary
+        )
         return dictionary, reverse_dictionary
 
     def decompose_paths(self, paths, dictionary):
@@ -74,13 +81,17 @@
             if len_tools <= self.max_tool_sequence_len:
                 for window in range(1, len_tools):
                     sequence = tools[0: window + 1]
-                    tools_pos = [str(dictionary[str(tool_item)]) for tool_item in sequence]
+                    tools_pos = [
+                        str(dictionary[str(tool_item)]) for tool_item in sequence
+                    ]
                     if len(tools_pos) > 1:
                         sub_paths_pos.append(",".join(tools_pos))
         sub_paths_pos = list(set(sub_paths_pos))
         return sub_paths_pos
 
-    def prepare_paths_labels_dictionary(self, dictionary, reverse_dictionary, paths, compatible_next_tools):
+    def prepare_paths_labels_dictionary(
+        self, dictionary, reverse_dictionary, paths, compatible_next_tools
+    ):
         """
         Create a dictionary of sequences with their labels for training and test paths
         """
@@ -90,14 +101,18 @@
             if item and item not in "":
                 tools = item.split(",")
                 label = tools[-1]
-                train_tools = tools[:len(tools) - 1]
+                train_tools = tools[: len(tools) - 1]
                 last_but_one_name = reverse_dictionary[int(train_tools[-1])]
                 try:
-                    compatible_tools = compatible_next_tools[last_but_one_name].split(",")
+                    compatible_tools = compatible_next_tools[last_but_one_name].split(
+                        ","
+                    )
                 except Exception:
                     continue
                 if len(compatible_tools) > 0:
-                    compatible_tools_ids = [str(dictionary[x]) for x in compatible_tools]
+                    compatible_tools_ids = [
+                        str(dictionary[x]) for x in compatible_tools
+                    ]
                     compatible_tools_ids.append(label)
                     composite_labels = ",".join(compatible_tools_ids)
                 train_tools = ",".join(train_tools)
@@ -127,7 +142,9 @@
             train_counter += 1
         return data_mat, label_mat
 
-    def pad_paths(self, paths_dictionary, num_classes, standard_connections, reverse_dictionary):
+    def pad_paths(
+        self, paths_dictionary, num_classes, standard_connections, reverse_dictionary
+    ):
         """
         Add padding to the tools sequences and create multi-hot encoded labels
         """
@@ -231,12 +248,22 @@
                     l_tool_tr_samples[last_tool_id].append(index)
         return l_tool_tr_samples
 
-    def get_data_labels_matrices(self, workflow_paths, tool_usage_path, cutoff_date, compatible_next_tools, standard_connections, old_data_dictionary={}):
+    def get_data_labels_matrices(
+        self,
+        workflow_paths,
+        tool_usage_path,
+        cutoff_date,
+        compatible_next_tools,
+        standard_connections,
+        old_data_dictionary={},
+    ):
         """
         Convert the training and test paths into corresponding numpy matrices
         """
         processed_data, raw_paths = self.process_workflow_paths(workflow_paths)
-        dictionary, rev_dict = self.create_data_dictionary(processed_data, old_data_dictionary)
+        dictionary, rev_dict = self.create_data_dictionary(
+            processed_data, old_data_dictionary
+        )
         num_classes = len(dictionary)
 
         print("Raw paths: %d" % len(raw_paths))
@@ -247,18 +274,26 @@
         random.shuffle(all_unique_paths)
 
         print("Creating dictionaries...")
-        multilabels_paths = self.prepare_paths_labels_dictionary(dictionary, rev_dict, all_unique_paths, compatible_next_tools)
+        multilabels_paths = self.prepare_paths_labels_dictionary(
+            dictionary, rev_dict, all_unique_paths, compatible_next_tools
+        )
 
         print("Complete data: %d" % len(multilabels_paths))
-        train_paths_dict, test_paths_dict = self.split_test_train_data(multilabels_paths)
+        train_paths_dict, test_paths_dict = self.split_test_train_data(
+            multilabels_paths
+        )
 
         print("Train data: %d" % len(train_paths_dict))
         print("Test data: %d" % len(test_paths_dict))
 
         print("Padding train and test data...")
         # pad training and test data with leading zeros
-        test_data, test_labels = self.pad_paths(test_paths_dict, num_classes, standard_connections, rev_dict)
-        train_data, train_labels = self.pad_paths(train_paths_dict, num_classes, standard_connections, rev_dict)
+        test_data, test_labels = self.pad_paths(
+            test_paths_dict, num_classes, standard_connections, rev_dict
+        )
+        train_data, train_labels = self.pad_paths(
+            train_paths_dict, num_classes, standard_connections, rev_dict
+        )
 
         print("Estimating sample frequency...")
         l_tool_freq = self.get_train_last_tool_freq(train_paths_dict, rev_dict)
@@ -274,4 +309,15 @@
         # get class weights using the predicted usage for each tool
         class_weights = self.assign_class_weights(num_classes, t_pred_usage)
 
-        return train_data, train_labels, test_data, test_labels, dictionary, rev_dict, class_weights, t_pred_usage, l_tool_freq, l_tool_tr_samples
+        return (
+            train_data,
+            train_labels,
+            test_data,
+            test_labels,
+            dictionary,
+            rev_dict,
+            class_weights,
+            t_pred_usage,
+            l_tool_freq,
+            l_tool_tr_samples,
+        )
--- a/test-data/test_tool_usage	Tue Jul 07 03:25:49 2020 -0400
+++ b/test-data/test_tool_usage	Fri May 06 09:05:18 2022 +0000
@@ -1,500 +1,93 @@
-toolshed.g2.bx.psu.edu/repos/bgruening/rdock_rbdock/rdock_rbdock/0.1.1	2020-04-01	34568
-upload1	2020-04-01	18321
-toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.72+galaxy1	2020-04-01	2839
-toolshed.g2.bx.psu.edu/repos/bgruening/xchem_transfs_scoring/xchem_transfs_scoring/0.2.0	2020-04-01	1220
-toolshed.g2.bx.psu.edu/repos/devteam/bowtie2/bowtie2/2.3.4.3+galaxy0	2020-04-01	958
-CONVERTER_gz_to_uncompressed	2020-04-01	919
-Filter1	2020-04-01	800
-Cut1	2020-04-01	787
-__SET_METADATA__	2020-04-01	685
-toolshed.g2.bx.psu.edu/repos/pjbriggs/trimmomatic/trimmomatic/0.36.5	2020-04-01	643
-toolshed.g2.bx.psu.edu/repos/iuc/featurecounts/featurecounts/1.6.4+galaxy1	2020-04-01	627
-toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.7.2b	2020-04-01	605
-toolshed.g2.bx.psu.edu/repos/bgruening/trim_galore/trim_galore/0.4.3.1	2020-04-01	538
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_heatmap/deeptools_plot_heatmap/3.3.2.0.1	2020-04-01	530
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_compute_matrix/deeptools_compute_matrix/3.3.2.0.0	2020-04-01	475
-Remove beginning1	2020-04-01	447
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_sort_header_tool/1.1.1	2020-04-01	408
-join1	2020-04-01	369
-toolshed.g2.bx.psu.edu/repos/iuc/hisat2/hisat2/2.1.0+galaxy5	2020-04-01	357
-Convert characters1	2020-04-01	351
-toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_blastp_wrapper/0.3.3	2020-04-01	336
-toolshed.g2.bx.psu.edu/repos/lparsons/cutadapt/cutadapt/1.16.5	2020-04-01	316
-toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_intersectbed/2.29.0	2020-04-01	313
-toolshed.g2.bx.psu.edu/repos/iuc/samtools_fastx/samtools_fastx/1.9+galaxy1	2020-04-01	311
-toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.19.5+galaxy1	2020-04-01	305
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bam_coverage/deeptools_bam_coverage/3.3.2.0.0	2020-04-01	302
-cat1	2020-04-01	299
-toolshed.g2.bx.psu.edu/repos/iuc/macs2/macs2_callpeak/2.1.1.20160309.6	2020-04-01	298
-addValue	2020-04-01	294
-toolshed.g2.bx.psu.edu/repos/devteam/column_maker/Add_a_column1/1.1.0	2020-04-01	276
-toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.1	2020-04-01	275
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_to_fasta/cshl_fastq_to_fasta/1.0.2	2020-04-01	274
-toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.7.1	2020-04-01	274
-ebi_sra_main	2020-04-01	272
-Grouping1	2020-04-01	237
-toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_MarkDuplicates/2.18.2.2	2020-04-01	236
-toolshed.g2.bx.psu.edu/repos/lparsons/htseq_count/htseq_count/0.9.1	2020-04-01	233
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_groomer/fastq_groomer/1.1.5	2020-04-01	220
-toolshed.g2.bx.psu.edu/repos/galaxyp/filter_by_fasta_ids/filter_by_fasta_ids/2.1	2020-04-01	219
-toolshed.g2.bx.psu.edu/repos/iuc/sra_tools/fastq_dump/2.10.4+galaxy1	2020-04-01	218
-toolshed.g2.bx.psu.edu/repos/bgruening/sucos_max_score/sucos_max_score/0.2.1	2020-04-01	216
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_cut_tool/1.1.0	2020-04-01	216
-toolshed.g2.bx.psu.edu/repos/jjohnson/query_tabular/query_tabular/3.0.0	2020-04-01	209
-toolshed.g2.bx.psu.edu/repos/crs4/prokka/prokka/1.14.5	2020-04-01	204
-toolshed.g2.bx.psu.edu/repos/iuc/snippy/snippy/4.5.0	2020-04-01	187
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_paired_end_joiner/fastq_paired_end_joiner/2.0.1.1+galaxy0	2020-04-01	185
-CONVERTER_interval_to_bed_0	2020-04-01	182
-toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_read_distribution/2.6.4.1	2020-04-01	178
-ucsc_table_direct1	2020-04-01	177
-toolshed.g2.bx.psu.edu/repos/iuc/deseq2/deseq2/2.11.40.6+galaxy1	2020-04-01	176
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_paired_end_deinterlacer/fastq_paired_end_deinterlacer/1.1.5	2020-04-01	175
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_easyjoin_tool/1.1.1	2020-04-01	172
-toolshed.g2.bx.psu.edu/repos/iuc/sra_tools/fastq_dump/2.10.4	2020-04-01	169
-toolshed.g2.bx.psu.edu/repos/devteam/fastqtofasta/fastq_to_fasta_python/1.1.5	2020-04-01	167
-toolshed.g2.bx.psu.edu/repos/iuc/umi_tools_extract/umi_tools_extract/0.5.5.1	2020-04-01	159
-toolshed.g2.bx.psu.edu/repos/iuc/stringtie/stringtie/2.1.1	2020-04-01	156
-toolshed.g2.bx.psu.edu/repos/iuc/umi_tools_dedup/umi_tools_dedup/0.5.3.0	2020-04-01	150
-toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa/0.7.17.4	2020-04-01	147
-toolshed.g2.bx.psu.edu/repos/devteam/join/gops_join_1/1.0.0	2020-04-01	143
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_profile/deeptools_plot_profile/3.3.2.0.0	2020-04-01	143
-toolshed.g2.bx.psu.edu/repos/bgruening/split_file_to_collection/split_file_to_collection/0.4.0	2020-04-01	143
-toolshed.g2.bx.psu.edu/repos/iuc/ngsutils_bam_filter/ngsutils_bam_filter/0.5.9	2020-04-01	142
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_easyjoin_tool/1.1.2	2020-04-01	139
-toolshed.g2.bx.psu.edu/repos/devteam/samtools_idxstats/samtools_idxstats/2.0.3	2020-04-01	136
-toolshed.g2.bx.psu.edu/repos/iuc/sra_tools/fasterq_dump/2.10.4+galaxy1	2020-04-01	134
-wig_to_bigWig	2020-04-01	121
-trimmer	2020-04-01	121
-toolshed.g2.bx.psu.edu/repos/galaxyp/regex_find_replace/regexColumn1/1.0.0	2020-04-01	120
-CONVERTER_fastq_to_fqtoc0	2020-04-01	117
-CONVERTER_bz2_to_uncompressed	2020-04-01	115
-toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_intersectbed/2.27.0.1	2020-04-01	112
-toolshed.g2.bx.psu.edu/repos/iuc/meme_fimo/meme_fimo/5.0.5.0	2020-04-01	110
-toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_blastn_wrapper/0.3.3	2020-04-01	110
-toolshed.g2.bx.psu.edu/repos/devteam/tabular_to_fasta/tab2fasta/1.1.0	2020-04-01	107
-toolshed.g2.bx.psu.edu/repos/devteam/bamtools_filter/bamFilter/2.4.1	2020-04-01	105
-toolshed.g2.bx.psu.edu/repos/devteam/samtools_stats/samtools_stats/2.0.2+galaxy2	2020-04-01	105
-toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_infer_experiment/2.6.4.1	2020-04-01	103
-comp1	2020-04-01	102
-toolshed.g2.bx.psu.edu/repos/devteam/column_maker/Add_a_column1/1.2.0	2020-04-01	101
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bam_coverage/deeptools_bam_coverage/3.0.2.0	2020-04-01	98
-toolshed.g2.bx.psu.edu/repos/devteam/samtools_flagstat/samtools_flagstat/2.0.3	2020-04-01	98
-toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_heatmap2/ggplot2_heatmap2/3.0.1	2020-04-01	96
-toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_geneBody_coverage/2.6.4.3	2020-04-01	94
-toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff/4.3+T.galaxy1	2020-04-01	93
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_cat/0.1.0	2020-04-01	92
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_line/1.1.2	2020-04-01	92
-toolshed.g2.bx.psu.edu/repos/devteam/samtool_filter2/samtool_filter2/1.8+galaxy1	2020-04-01	86
-toolshed.g2.bx.psu.edu/repos/devteam/fasta_to_tabular/fasta2tab/1.1.0	2020-04-01	86
-toolshed.g2.bx.psu.edu/repos/iuc/unicycler/unicycler/0.4.8.0	2020-04-01	84
-toolshed.g2.bx.psu.edu/repos/gbcs-embl-heidelberg/je_demultiplex/je_demultiplex/1.2.1	2020-04-01	82
-toolshed.g2.bx.psu.edu/repos/devteam/samtools_rmdup/samtools_rmdup/2.0.1	2020-04-01	82
-toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/search_gui/3.3.10.1	2020-04-01	81
-toolshed.g2.bx.psu.edu/repos/nml/collapse_collections/collapse_dataset/4.2	2020-04-01	79
-toolshed.g2.bx.psu.edu/repos/devteam/sam_merge/sam_merge2/1.2.0	2020-04-01	76
-toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.9+galaxy1	2020-04-01	74
-toolshed.g2.bx.psu.edu/repos/iuc/gtftobed12/gtftobed12/357	2020-04-01	74
-toolshed.g2.bx.psu.edu/repos/galaxyp/peptideshaker/peptide_shaker/1.16.36.2	2020-04-01	72
-__IMPORT_HISTORY__	2020-04-01	70
-toolshed.g2.bx.psu.edu/repos/bgruening/salmon/salmon/0.14.1.2	2020-04-01	70
-toolshed.g2.bx.psu.edu/repos/iuc/lofreq_viterbi/lofreq_viterbi/2.1.3.1+galaxy1	2020-04-01	68
-toolshed.g2.bx.psu.edu/repos/bgruening/interproscan5/interproscan/5.0.0	2020-04-01	67
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bam_compare/deeptools_bam_compare/3.3.2.0.0	2020-04-01	67
-toolshed.g2.bx.psu.edu/repos/devteam/coverage/gops_coverage_1/1.0.0	2020-04-01	67
-toolshed.g2.bx.psu.edu/repos/devteam/intersect/gops_intersect_1/1.0.0	2020-04-01	67
-toolshed.g2.bx.psu.edu/repos/iuc/jbrowse/jbrowse/1.16.8+galaxy0	2020-04-01	67
-toolshed.g2.bx.psu.edu/repos/iuc/snpsift/snpSift_extractFields/4.3+t.galaxy0	2020-04-01	66
-toolshed.g2.bx.psu.edu/repos/iuc/kallisto_quant/kallisto_quant/0.46.0.4	2020-04-01	66
-toolshed.g2.bx.psu.edu/repos/bgruening/bigwig_to_bedgraph/bigwig_to_bedgraph/0.1.0	2020-04-01	65
-sort1	2020-04-01	65
-toolshed.g2.bx.psu.edu/repos/iuc/quast/quast/5.0.2+galaxy1	2020-04-01	65
-OpenSwathWorkflow	2020-04-01	65
-toolshed.g2.bx.psu.edu/repos/iuc/pygenometracks/pygenomeTracks/3.2.1	2020-04-01	64
-toolshed.g2.bx.psu.edu/repos/iuc/macs2/macs2_bdgpeakcall/2.1.1.20160309.0	2020-04-01	63
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_multijoin_tool/1.1.1	2020-04-01	62
-toolshed.g2.bx.psu.edu/repos/devteam/freebayes/freebayes/1.3.1	2020-04-01	62
-toolshed.g2.bx.psu.edu/repos/iuc/extract_genomic_dna/Extract genomic DNA 1/3.0.3+galaxy2	2020-04-01	61
-toolshed.g2.bx.psu.edu/repos/bgruening/unique/bg_uniq/0.3	2020-04-01	60
-toolshed.g2.bx.psu.edu/repos/iuc/table_compute/table_compute/0.9.2	2020-04-01	59
-toolshed.g2.bx.psu.edu/repos/devteam/fastx_trimmer/cshl_fastx_trimmer/1.0.2+galaxy0	2020-04-01	59
-csv_to_tabular	2020-04-01	58
-toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_mergebed/2.29.0	2020-04-01	57
-toolshed.g2.bx.psu.edu/repos/iuc/pathview/pathview/1.24.0+galaxy0	2020-04-01	57
-toolshed.g2.bx.psu.edu/repos/iuc/edger/edger/3.24.1+galaxy1	2020-04-01	57
-toolshed.g2.bx.psu.edu/repos/devteam/fastx_reverse_complement/cshl_fastx_reverse_complement/1.0.2+galaxy0	2020-04-01	56
-toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.7	2020-04-01	54
-toolshed.g2.bx.psu.edu/repos/iuc/volcanoplot/volcanoplot/0.0.3	2020-04-01	51
-toolshed.g2.bx.psu.edu/repos/iuc/rnaspades/rnaspades/3.9.0.1	2020-04-01	49
-toolshed.g2.bx.psu.edu/repos/ecology/stoc_trend_indic/stoceps_trend_indic/0.0.1	2020-04-01	48
-toolshed.g2.bx.psu.edu/repos/iuc/meme_meme/meme_meme/5.0.5.0	2020-04-01	48
-toolshed.g2.bx.psu.edu/repos/iuc/circos/circos/0.69.8+galaxy4	2020-04-01	47
-Grep1	2020-04-01	47
-toolshed.g2.bx.psu.edu/repos/devteam/tophat2/tophat2/2.1.1	2020-04-01	47
-toolshed.g2.bx.psu.edu/repos/iuc/collection_column_join/collection_column_join/0.0.3	2020-04-01	46
-toolshed.g2.bx.psu.edu/repos/rnateam/chipseeker/chipseeker/1.18.0+galaxy1	2020-04-01	46
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_alignmentsieve/deeptools_alignmentsieve/3.0.2.0	2020-04-01	46
-toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.3.1+galaxy0	2020-04-01	45
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_find_and_replace/1.1.3	2020-04-01	44
-toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_makeblastdb/0.3.3	2020-04-01	44
-toolshed.g2.bx.psu.edu/repos/nml/spades/spades/3.12.0+galaxy1	2020-04-01	43
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_numeric_clustering/sklearn_numeric_clustering/1.0.8.1	2020-04-01	43
-toolshed.g2.bx.psu.edu/repos/bgruening/openbabel_compound_convert/openbabel_compound_convert/2.4.2.1.0	2020-04-01	43
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_correlation/deeptools_plot_correlation/3.3.2.0.0	2020-04-01	43
-toolshed.g2.bx.psu.edu/repos/iuc/goseq/goseq/1.36.0+galaxy0	2020-04-01	43
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_numeric_clustering/sklearn_numeric_clustering/1.0.7.12	2020-04-01	42
-__EXPORT_HISTORY__	2020-04-01	42
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_make_shared/mothur_make_shared/1.39.5.0	2020-04-01	42
-toolshed.g2.bx.psu.edu/repos/iuc/kraken2/kraken2/2.0.8_beta+galaxy0	2020-04-01	42
-toolshed.g2.bx.psu.edu/repos/galaxyp/msconvert/msconvert/3.0.19052.0	2020-04-01	41
-toolshed.g2.bx.psu.edu/repos/pjbriggs/trimmomatic/trimmomatic/0.32.3	2020-04-01	41
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_filter/fastq_filter/1.1.5	2020-04-01	41
-toolshed.g2.bx.psu.edu/repos/galaxyp/fasta_merge_files_and_filter_unique_sequences/fasta_merge_files_and_filter_unique_sequences/1.2.0	2020-04-01	41
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_searchcv/sklearn_searchcv/1.0.8.1	2020-04-01	40
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_generalized_linear/sklearn_generalized_linear/1.0.8.2	2020-04-01	40
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_clf_metrics/sklearn_clf_metrics/1.0.8.1	2020-04-01	40
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_searchcv/sklearn_searchcv/1.0.8.2	2020-04-01	40
-toolshed.g2.bx.psu.edu/repos/bgruening/salmon/salmon/0.11.2	2020-04-01	40
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_clf_metrics/sklearn_clf_metrics/1.0.8.2	2020-04-01	40
-toolshed.g2.bx.psu.edu/repos/iuc/trinity/trinity/2.9.1	2020-04-01	39
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_column/1.1.3	2020-04-01	38
-toolshed.g2.bx.psu.edu/repos/devteam/clustalw/clustalw/2.1	2020-04-01	38
-toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_genomecoveragebed_bedgraph/2.19.0	2020-04-01	37
-toolshed.g2.bx.psu.edu/repos/bgruening/sdf_to_tab/sdf_to_tab/2019.03.1	2020-04-01	37
-toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_quality_report/cardinal_quality_report/1.12.1.4	2020-04-01	37
-toolshed.g2.bx.psu.edu/repos/galaxyp/regex_find_replace/regex1/1.0.0	2020-04-01	37
-toolshed.g2.bx.psu.edu/repos/iuc/deg_annotate/deg_annotate/1.1.0	2020-04-01	37
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_build_pipeline/sklearn_build_pipeline/1.0.8.1	2020-04-01	36
-toolshed.g2.bx.psu.edu/repos/iuc/sra_tools/sra_pileup/2.10.3	2020-04-01	36
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_build_pipeline/sklearn_build_pipeline/1.0.8.2	2020-04-01	36
-toolshed.g2.bx.psu.edu/repos/iuc/samtools_merge/samtools_merge/1.9	2020-04-01	36
-toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_chicplotviewpoint/hicexplorer_chicplotviewpoint/3.4.3.0	2020-04-01	35
-toolshed.g2.bx.psu.edu/repos/rnateam/sortmerna/bg_sortmerna/2.1b.6	2020-04-01	35
-toolshed.g2.bx.psu.edu/repos/devteam/bowtie_wrappers/bowtie_wrapper/1.2.0	2020-04-01	34
-toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_chicsignificantinteractions/hicexplorer_chicsignificantinteractions/3.4.3.0	2020-04-01	34
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bigwig_compare/deeptools_bigwig_compare/3.3.2.0.0	2020-04-01	34
-toolshed.g2.bx.psu.edu/repos/iuc/sra_tools/sam_dump/2.10.4+galaxy1	2020-04-01	34
-CONVERTER_bam_to_bigwig_0	2020-04-01	34
-toolshed.g2.bx.psu.edu/repos/devteam/vcfcombine/vcfcombine/1.0.0_rc3+galaxy0	2020-04-01	34
-toolshed.g2.bx.psu.edu/repos/galaxyp/pyprophet_score/pyprophet_score/2.1.4.0	2020-04-01	34
-toolshed.g2.bx.psu.edu/repos/ecology/vigiechiro_bilanenrichipf/vigiechiro_bilanenrichipf/0.1.1	2020-04-01	33
-toolshed.g2.bx.psu.edu/repos/ecology/vigiechiro_idcorrect_2ndlayer/vigiechiro_idcorrect_2ndlayer/0.1.1	2020-04-01	33
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_generalized_linear/sklearn_generalized_linear/1.0.8.1	2020-04-01	33
-toolshed.g2.bx.psu.edu/repos/ecology/vigiechiro_idvalid/vigiechiro_idvalid/0.1.1	2020-04-01	33
-toolshed.g2.bx.psu.edu/repos/bgruening/canu/canu/1.8	2020-04-01	33
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_make_contigs/mothur_make_contigs/1.39.5.0	2020-04-01	33
-toolshed.g2.bx.psu.edu/repos/chemteam/gmx_sim/gmx_sim/2019.1.1	2020-04-01	33
-toolshed.g2.bx.psu.edu/repos/bgruening/diffbind/diffbind/2.10.0	2020-04-01	32
-toolshed.g2.bx.psu.edu/repos/iuc/stringtie/stringtie_merge/2.1.1	2020-04-01	32
-toolshed.g2.bx.psu.edu/repos/pjbriggs/trimmomatic/trimmomatic/0.36.4	2020-04-01	32
-toolshed.g2.bx.psu.edu/repos/iuc/minimap2/minimap2/2.17+galaxy0	2020-04-01	32
-toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_preprocessing/cardinal_preprocessing/2.4.0.0	2020-04-01	32
-toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.3.1+galaxy2	2020-04-01	32
-toolshed.g2.bx.psu.edu/repos/iuc/deseq2/deseq2/2.11.40.6	2020-04-01	31
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_multi_bam_summary/deeptools_multi_bam_summary/3.3.2.0.0	2020-04-01	31
-toolshed.g2.bx.psu.edu/repos/iuc/anndata_inspect/anndata_inspect/0.6.22.post1+galaxy3	2020-04-01	31
-toolshed.g2.bx.psu.edu/repos/iuc/bcftools_norm/bcftools_norm/1.10	2020-04-01	31
-CONVERTER_bam_to_qname_sorted_bam	2020-04-01	31
-toolshed.g2.bx.psu.edu/repos/iuc/scanpy_plot/scanpy_plot/1.4.4.post1+galaxy2	2020-04-01	31
-toolshed.g2.bx.psu.edu/repos/iuc/limma_voom/limma_voom/3.38.3+galaxy3	2020-04-01	31
-toolshed.g2.bx.psu.edu/repos/iuc/stringtie/stringtie/1.3.6	2020-04-01	31
-toolshed.g2.bx.psu.edu/repos/devteam/cufflinks/cufflinks/2.2.1.2	2020-04-01	30
-toolshed.g2.bx.psu.edu/repos/bgruening/rdock_sort_filter/rdock_sort_filter/0.1.0	2020-04-01	30
-toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_CollectInsertSizeMetrics/2.18.2.1	2020-04-01	30
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_summary_seqs/mothur_summary_seqs/1.39.5.0	2020-04-01	30
-toolshed.g2.bx.psu.edu/repos/iuc/gemini_query/gemini_query/0.20.1+galaxy1	2020-04-01	30
-toolshed.g2.bx.psu.edu/repos/peterjc/venn_list/venn_list/0.1.1	2020-04-01	30
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_compute_matrix_operations/deeptools_compute_matrix_operations/3.3.2.0.0	2020-04-01	29
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_sub_sample/mothur_sub_sample/1.39.5.0	2020-04-01	29
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_summary_single/mothur_summary_single/1.39.5.0	2020-04-01	29
-toolshed.g2.bx.psu.edu/repos/iuc/roary/roary/3.13.0	2020-04-01	29
-toolshed.g2.bx.psu.edu/repos/iuc/rna_starsolo/rna_starsolo/2.7.2b1	2020-04-01	29
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_taxonomy_to_krona/mothur_taxonomy_to_krona/1.0	2020-04-01	28
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_fingerprint/deeptools_plot_fingerprint/3.3.2.0.0	2020-04-01	28
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_trimmer_by_quality/fastq_quality_trimmer/1.1.5	2020-04-01	28
-toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_data_exporter/cardinal_data_exporter/1.12.1.2	2020-04-01	28
-toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_chicviewpoint/hicexplorer_chicviewpoint/3.4.3.0	2020-04-01	28
-toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_getfastabed/2.29.0	2020-04-01	27
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_stats/fastq_stats/1.1.1	2020-04-01	27
-toolshed.g2.bx.psu.edu/repos/iuc/qualimap_bamqc/qualimap_bamqc/2.2.2c+galaxy1	2020-04-01	27
-toolshed.g2.bx.psu.edu/repos/devteam/samtools_sort/samtools_sort/2.0.3	2020-04-01	27
-toolshed.g2.bx.psu.edu/repos/iuc/annotatemyids/annotatemyids/3.7.0+galaxy1	2020-04-01	27
-Show beginning1	2020-04-01	27
-toolshed.g2.bx.psu.edu/repos/devteam/fasta_to_tabular/fasta2tab/1.1.1	2020-04-01	27
-toolshed.g2.bx.psu.edu/repos/iuc/pilon/pilon/1.20.1	2020-04-01	26
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_sample_generator/sklearn_sample_generator/1.0.8.1	2020-04-01	26
-tabular_to_csv	2020-04-01	26
-toolshed.g2.bx.psu.edu/repos/devteam/vcffilter/vcffilter2/1.0.0_rc3+galaxy3	2020-04-01	26
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_feature_selection/sklearn_feature_selection/1.0.8.1	2020-04-01	26
-toolshed.g2.bx.psu.edu/repos/devteam/correlation/cor2/1.0.0	2020-04-01	26
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_sample_generator/sklearn_sample_generator/1.0.8.2	2020-04-01	26
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_feature_selection/sklearn_feature_selection/1.0.8.2	2020-04-01	26
-CONVERTER_interval_to_bedstrict_0	2020-04-01	25
-toolshed.g2.bx.psu.edu/repos/iuc/samtools_sort/samtools_sort/1.0.2	2020-04-01	25
-toolshed.g2.bx.psu.edu/repos/iuc/gemini_load/gemini_load/0.20.1+galaxy2	2020-04-01	25
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_ensemble/sklearn_ensemble/1.0.8.2	2020-04-01	25
-toolshed.g2.bx.psu.edu/repos/iuc/plasflow/PlasFlow/1.0	2020-04-01	25
-toolshed.g2.bx.psu.edu/repos/iuc/ncbi_acc_download/ncbi_acc_download/0.2.5+galaxy0	2020-04-01	24
-toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.6.0b-2	2020-04-01	24
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_ensemble/sklearn_ensemble/1.0.8.1	2020-04-01	24
-toolshed.g2.bx.psu.edu/repos/iuc/mageck_count/mageck_count/0.5.8.4	2020-04-01	24
-toolshed.g2.bx.psu.edu/repos/devteam/cummerbund_to_tabular/cummerbund_to_cuffdiff/1.0.1	2020-04-01	23
-toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_subtractbed/2.29.0	2020-04-01	23
-CONVERTER_interval_to_bed12_0	2020-04-01	23
-toolshed.g2.bx.psu.edu/repos/devteam/vcfcombine/vcfcombine/1.0.0_rc1+galaxy0	2020-04-01	23
-toolshed.g2.bx.psu.edu/repos/bgruening/join_files_on_column_fuzzy/join_files_on_column_fuzzy/1.0.1	2020-04-01	22
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_classify_seqs/mothur_classify_seqs/1.39.5.0	2020-04-01	22
-toolshed.g2.bx.psu.edu/repos/iuc/snpeff/snpEff_build_gb/4.3+T.galaxy4	2020-04-01	22
-toolshed.g2.bx.psu.edu/repos/iuc/porechop/porechop/0.2.3	2020-04-01	22
-toolshed.g2.bx.psu.edu/repos/miller-lab/genome_diversity/gd_raxml/1.0.0	2020-04-01	21
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_sorted_uniq/1.1.0	2020-04-01	21
-toolshed.g2.bx.psu.edu/repos/iuc/metaphlan2/metaphlan2/2.6.0.0	2020-04-01	21
-toolshed.g2.bx.psu.edu/repos/ecology/stoc_mainglm/stoceps_glm/0.0.1	2020-04-01	21
-toolshed.g2.bx.psu.edu/repos/iuc/export2graphlan/export2graphlan/0.20+galaxy0	2020-04-01	21
-toolshed.g2.bx.psu.edu/repos/iuc/abricate/abricate/0.9.8	2020-04-01	20
-toolshed.g2.bx.psu.edu/repos/imgteam/unzip/unzip/0.2	2020-04-01	20
-toolshed.g2.bx.psu.edu/repos/iuc/shovill/shovill/1.0.4+galaxy0	2020-04-01	20
-toolshed.g2.bx.psu.edu/repos/iuc/datamash_ops/datamash_ops/1.1.0	2020-04-01	20
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_cluster/mothur_cluster/1.39.5.0	2020-04-01	20
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_align_seqs/mothur_align_seqs/1.39.5.0	2020-04-01	20
-toolshed.g2.bx.psu.edu/repos/devteam/gffread/gffread/2.2.1.2	2020-04-01	20
-toolshed.g2.bx.psu.edu/repos/earlhaminst/ete/species_tree_generator/3.0.0b35	2020-04-01	20
-toolshed.g2.bx.psu.edu/repos/devteam/merge_cols/mergeCols1/1.0.1	2020-04-01	20
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_unique_seqs/mothur_unique_seqs/1.39.5.0	2020-04-01	20
-toolshed.g2.bx.psu.edu/repos/chemteam/gmx_sim/gmx_sim/2019.1.4.1	2020-04-01	19
-toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_closestbed/2.29.0	2020-04-01	19
-Paste1	2020-04-01	19
-toolshed.g2.bx.psu.edu/repos/iuc/quast/quast/5.0.2	2020-04-01	19
-toolshed.g2.bx.psu.edu/repos/nml/metaspades/metaspades/3.9.0	2020-04-01	19
-toolshed.g2.bx.psu.edu/repos/computationaltranscriptomics/glassgo/glassgo/1.5.2	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/iuc/jcvi_gff_stats/jcvi_gff_stats/0.8.4	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_data_preprocess/sklearn_data_preprocess/1.0.8.1	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_estimator_attributes/sklearn_estimator_attributes/1.0.8.2	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_screen_seqs/mothur_screen_seqs/1.39.5.0	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_data_preprocess/sklearn_data_preprocess/1.0.8.2	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_estimator_attributes/sklearn_estimator_attributes/1.0.8.1	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/iuc/mageck_test/mageck_test/0.5.8.1	2020-04-01	18
-CONVERTER_fasta_to_tabular	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/gbcs-embl-heidelberg/je_markdupes/je_markdupes/1.2.1	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/bgruening/augustus/augustus/3.3.3	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/crs4/taxonomy_krona_chart/taxonomy_krona_chart/2.7.1	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/iuc/stacks2_populations/stacks2_populations/2.4+galaxy1	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.3.1+galaxy1	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_tail_tool/1.1.0	2020-04-01	18
-ChangeCase	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/devteam/samtools_slice_bam/samtools_slice_bam/2.0.1	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/iuc/genrich/genrich/0.5+galaxy2	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/iuc/humann2_renorm_table/humann2_renorm_table/0.11.1.0	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.52	2020-04-01	18
-toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_bamtobed/2.29.0	2020-04-01	17
-CONVERTER_ref_to_seq_taxomony	2020-04-01	17
-toolshed.g2.bx.psu.edu/repos/iuc/samtools_sort/samtools_rmdup/1.0.1	2020-04-01	17
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_cluster_split/mothur_cluster_split/1.39.5.0	2020-04-01	17
-toolshed.g2.bx.psu.edu/repos/iuc/busco/busco/3.0.2+galaxy2	2020-04-01	17
-toolshed.g2.bx.psu.edu/repos/iuc/proteinortho/proteinortho/6.0.14+galaxy2.9.1	2020-04-01	17
-toolshed.g2.bx.psu.edu/repos/devteam/vcf2tsv/vcf2tsv/0.0.3	2020-04-01	17
-CONVERTER_bam_to_coodinate_sorted_bam	2020-04-01	17
-toolshed.g2.bx.psu.edu/repos/iuc/iqtree/iqtree/1.5.5.3	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/iuc/anndata_manipulate/anndata_manipulate/0.6.22.post1+galaxy3	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_manipulation/fastq_manipulation/1.1.5	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_lefse/mothur_lefse/1.39.5.0	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/bgruening/salmon/salmon/0.14.1	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/iuc/scanpy_inspect/scanpy_inspect/1.4.4.post1+galaxy2	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/galaxyp/pyprophet_score/pyprophet_score/2.1.4.1	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/bgruening/augustus_training/augustus_training/3.3.3	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/iuc/ggplot2_point/ggplot2_point/2.2.1+galaxy1	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_head_tool/1.1.0	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/earlhaminst/replace_chromosome_names/replace_chromosome_names/0.1	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/bgruening/ml_visualization_ex/ml_visualization_ex/1.0.8.2	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/devteam/vcf2tsv/vcf2tsv/1.0.0_rc3+galaxy0	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/iuc/medaka_consensus/medaka_consensus/0.11.5	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/iuc/busco/busco/3.0.2+galaxy1	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/bgruening/numeric_clustering/numeric_clustering/0.9	2020-04-01	16
-toolshed.g2.bx.psu.edu/repos/iuc/graphlan/graphlan/1.0.0.0	2020-04-01	15
-toolshed.g2.bx.psu.edu/repos/iuc/qiime_make_phylogeny/qiime_make_phylogeny/1.9.1.0	2020-04-01	15
-toolshed.g2.bx.psu.edu/repos/iuc/meme_chip/meme_chip/4.11.2+galaxy1	2020-04-01	15
-toolshed.g2.bx.psu.edu/repos/iuc/snp_sites/snp_sites/2.5.1+galaxy0	2020-04-01	15
-toolshed.g2.bx.psu.edu/repos/rnateam/mafft/rbc_mafft/7.221.3	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/ecology/stoc_filteringsp/stoceps_filteringsp/0.0.1	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/bgruening/antismash/antismash/4.1	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_rarefaction_single/mothur_rarefaction_single/1.39.5.0	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/iuc/trinity_abundance_estimates_to_matrix/trinity_abundance_estimates_to_matrix/2.9.1	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_svm_classifier/sklearn_svm_classifier/1.0.8.2	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/iuc/graphlan_annotate/graphlan_annotate/1.0.0.0	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/iuc/nanoplot/nanoplot/1.28.2+galaxy1	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/iuc/trinity_abundance_estimates_to_matrix/trinity_abundance_estimates_to_matrix/2.8.4	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/devteam/samtools_mpileup/samtools_mpileup/2.1.4	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_svm_classifier/sklearn_svm_classifier/1.0.8.1	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/bgruening/bismark/bismark_bowtie2/0.22.1+galaxy2	2020-04-01	14
-__UNZIP_COLLECTION__	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_count_seqs/mothur_count_seqs/1.39.5.0	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/iuc/varscan_somatic/varscan_somatic/2.4.3.6	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/devteam/vcfaddinfo/vcfaddinfo/1.0.0_rc3+galaxy0	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/bgruening/hicexplorer_hicconvertformat/hicexplorer_hicconvertformat/3.4.3.0	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/simon-gladman/velvetoptimiser/velvetoptimiser/2.2.6	2020-04-01	14
-toolshed.g2.bx.psu.edu/repos/ecology/stoc_mainglm_group/stoceps_glm_group/0.0.1	2020-04-01	13
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_classify_otu/mothur_classify_otu/1.39.5.0	2020-04-01	13
-toolshed.g2.bx.psu.edu/repos/chemteam/gmx_em/gmx_em/2019.1.1	2020-04-01	13
-CONVERTER_wig_to_bigwig	2020-04-01	13
-toolshed.g2.bx.psu.edu/repos/rnateam/peakachu/peakachu/0.1.0.2	2020-04-01	13
-toolshed.g2.bx.psu.edu/repos/mbernt/maxbin2/maxbin2/2.2.7+galaxy2	2020-04-01	13
-toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_filtering/cardinal_filtering/2.4.0.0	2020-04-01	13
-interactive_tool_rstudio	2020-04-01	13
-toolshed.g2.bx.psu.edu/repos/nml/staramr/staramr_search/0.7.1	2020-04-01	13
-param_value_from_file	2020-04-01	13
-toolshed.g2.bx.psu.edu/repos/ecology/stoc_maketable/stoceps_maketablecarrer/0.0.1	2020-04-01	13
-toolshed.g2.bx.psu.edu/repos/devteam/cummerbund/cummeRbund/2.16.0	2020-04-01	13
-toolshed.g2.bx.psu.edu/repos/devteam/add_value/addValue/1.0.0	2020-04-01	13
-toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_classification/cardinal_classification/1.12.1.3	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/mlst/mlst/2.16.1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/bgruening/nanopolish_methylation/nanopolish_methylation/0.11.1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/varscan_somatic/varscan_somatic/2.4.3.3	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_remove_lineage/mothur_remove_lineage/1.39.5.0	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/bgruening/diamond/bg_diamond/0.9.21.0	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_nn_classifier/sklearn_nn_classifier/1.0.8.2	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/devteam/vcfhethom/vcfhethom/1.0.0_rc3+galaxy0	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_nn_classifier/sklearn_nn_classifier/1.0.8.1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/chemteam/gmx_nvt/gmx_nvt/2019.1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/megahit/megahit/1.1.3.4	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_dist_seqs/mothur_dist_seqs/1.39.5.0	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/jjohnson/query_tabular/query_tabular/5.0.0	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.6.0b-1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/devteam/gffread/gffread/2.2.1.1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/earlhaminst/gstf_preparation/gstf_preparation/0.4.1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/fasttree/fasttree/2.1.10+galaxy1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/scanpy_filter/scanpy_filter/1.4.4.post1+galaxy2	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_discriminant_classifier/sklearn_discriminant_classifier/1.0.8.2	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_discriminant_classifier/sklearn_discriminant_classifier/1.0.8.1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/galaxyp/maldi_quant_peak_detection/maldi_quant_peak_detection/1.18.0.5	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/maker/maker/2.31.10+galaxy1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/bgruening/bismark/bismark_methylation_extractor/0.22.1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_make_biom/mothur_make_biom/1.39.5.0	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/gatk2/gatk2_base_recalibrator/0.0.7	2020-04-01	12
-CONVERTER_gff_to_bed_0	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/devteam/fastx_barcode_splitter/cshl_fastx_barcode_splitter/1.0.1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/maker/maker/2.31.10	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/eschen42/w4mclassfilter/w4mclassfilter/0.98.18	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/iuc/gffcompare/gffcompare/0.11.2	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_regression_metrics/sklearn_regression_metrics/1.0.8.1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_regression_metrics/sklearn_regression_metrics/1.0.8.2	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/bgruening/ml_visualization_ex/ml_visualization_ex/1.0.8.1	2020-04-01	12
-toolshed.g2.bx.psu.edu/repos/bgruening/flye/flye/2.6	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_to_tabular/fastq_to_tabular/1.1.5	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/chemteam/bio3d_pca_visualize/bio3d_pca_visualize/2.3.4	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/iuc/charts/charts/1.0.1	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/iuc/stacks_procrad/stacks_procrad/1.46.0	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/iuc/egsea/egsea/1.10.0	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/bebatut/combine_metaphlan2_humann2/combine_metaphlan2_humann2/0.1.0	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_quality_filter/cshl_fastq_quality_filter/1.0.2+galaxy0	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/iuc/scanpy_cluster_reduce_dimension/scanpy_cluster_reduce_dimension/1.4.4.post1+galaxy2	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_paired_end_interlacer/fastq_paired_end_interlacer/1.2.0.1+galaxy0	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/devteam/fasta_filter_by_length/fasta_filter_by_length/1.2	2020-04-01	11
-gff2bed1	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_remove_seqs/mothur_remove_seqs/1.39.5.0	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/iuc/stacks_refmap/stacks_refmap/1.46.0	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/iuc/newick_utils/newick_display/1.6+galaxy1	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/peterjc/seq_filter_by_id/seq_filter_by_id/0.2.7	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/chemteam/gmx_setup/gmx_setup/2019.1.1	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/iuc/ivar_variants/ivar_variants/1.0.1+galaxy0	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/blankenberg/naive_variant_caller/naive_variant_caller/0.0.3	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/chemteam/gmx_solvate/gmx_solvate/2019.1.1	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/iuc/gemini_db_info/gemini_db_info/0.20.1	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/iuc/samtools_depth/samtools_depth/1.9	2020-04-01	11
-toolshed.g2.bx.psu.edu/repos/iuc/qiime_assign_taxonomy/qiime_assign_taxonomy/1.9.1.0	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_model_validation/sklearn_model_validation/1.0.8.2	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/peterjc/tmhmm_and_signalp/signalp3/0.0.19	2020-04-01	10
-Count1	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_model_validation/sklearn_model_validation/1.0.8.1	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_train_test_split/sklearn_train_test_split/1.0.8.2	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_alignmentsieve/deeptools_alignmentsieve/3.3.2.0.0	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/snpsift/snpsift_vartype/4.3.1	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_spectra_plots/cardinal_spectra_plots/1.12.1.3	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_chimera_vsearch/mothur_chimera_vsearch/1.39.5.1	2020-04-01	10
-interactive_tool_jupyter_notebook	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/bgruening/create_tool_recommendation_model/create_tool_recommendation_model/0.0.1	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/galaxyp/quantp/quantp/1.1.2	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/trinity_align_and_estimate_abundance/trinity_align_and_estimate_abundance/2.8.4	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/devteam/sam_to_bam/sam_to_bam/2.1.1	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/bcftools_call/bcftools_call/1.10	2020-04-01	10
-__MERGE_COLLECTION__	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/trinity/trinity/2.8.4	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/qualimap_bamqc/qualimap_bamqc/2.2.2d+galaxy1	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/devteam/tabular_to_fastq/tabular_to_fastq/1.0.0	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/bgruening/column_arrange_by_header/bg_column_arrange_by_header/0.2	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/mothur_get_groups/mothur_get_groups/1.39.5.0	2020-04-01	10
-CONVERTER_bedgraph_to_bigwig	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/progressivemauve/progressivemauve/2015_02_13.0	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/trinity_align_and_estimate_abundance/trinity_align_and_estimate_abundance/2.9.1	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/goenrichment/goenrichment/2.0.1	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/ivar_consensus/ivar_consensus/1.0.1+galaxy0	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/qiime_align_seqs/qiime_align_seqs/1.9.1.0	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/bgruening/salmonquantmerge/salmonquantmerge/0.14.1.2	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_grep_tool/1.1.1	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/bgruening/sklearn_train_test_split/sklearn_train_test_split/1.0.8.1	2020-04-01	10
-CONVERTER_bed_to_gff_0	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/devteam/flanking_features/flanking_features_1/4.0.1	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/devteam/tabular_to_fasta/tab2fasta/1.1.1	2020-04-01	10
-toolshed.g2.bx.psu.edu/repos/iuc/qualimap_counts/qualimap_counts/2.2.2c	2020-04-01	10
-__ZIP_COLLECTION__	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/fasta_stats/fasta-stats/1.0.1	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/snap_training/snap_training/2013_11_29+galaxy1	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/iedb_api/iedb_api/2.15.0	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/bgruening/chemfp/ctb_chemfp_mol2fps/1.5	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/galaxyp/cardinal_preprocessing/cardinal_preprocessing/1.12.1.3	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/gemini_inheritance/gemini_inheritance/0.20.1	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/biom_convert/biom_convert/2.1.5.3	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/filter_tabular/filter_tabular/2.0.0	2020-04-01	9
-CONVERTER_fasta_to_fai	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_multi_bigwig_summary/deeptools_multi_bigwig_summary/3.3.2.0.0	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/sina/sina/1.5.0+galaxy1	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/bgruening/trna_prediction/trnascan/0.4	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/exonerate/exonerate/2.4.0+galaxy2	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/humann2_unpack_pathways/humann2_unpack_pathways/0.11.1.0	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.71	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/bgruening/pileometh/pileometh/0.3.0.1	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/dexseq/dexseq_count/1.28.1.0	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_blastx_wrapper/0.3.3	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/chemteam/gmx_setup/gmx_setup/2019.1.4	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/bgruening/chembl/chembl/0.1.0	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/chemteam/gmx_solvate/gmx_solvate/2019.1.4	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_groomer/fastq_groomer/1.0.4	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/yhoogstrate/flaimapper/flaimapper/3.0.0-0	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/nick/allele_counts/allele_counts_1/1.2	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/snpsift/snpSift_filter/4.3+t.galaxy0	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/bgruening/chembl/chembl/0.10.1	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/qiime_filter_samples_from_otu_table/qiime_filter_samples_from_otu_table/1.9.1.0	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/qiime_filter_fasta/qiime_filter_fasta/1.9.1.0	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/scpipe/scpipe/1.0.0+galaxy1	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/trinity_run_de_analysis/trinity_run_de_analysis/2.9.1	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/devteam/macs/peakcalling_macs/1.0.1	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/iuc/qiime_pick_otus/qiime_pick_otus/1.9.1.0	2020-04-01	9
-toolshed.g2.bx.psu.edu/repos/galaxyp/openms_fileinfo/FileInfo/2.3.0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/chemteam/gmx_em/gmx_em/2019.1.4	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/bgruening/racon/racon/1.3.1.1	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/bebatut/group_humann2_uniref_abundances_to_go/group_humann2_uniref_abundances_to_go/1.2.3	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/galaxyp/idpquery/idpquery/3.0.11579.0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_combiner/fastq_combiner/1.1.5	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/iuc/bp_genbank2gff3/bp_genbank2gff3/1.0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/bgruening/keras_model_builder/keras_model_builder/0.4.0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/iuc/sickle/sickle/1.33.2	2020-04-01	8
-liftOver1	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/bgruening/keras_batch_models/keras_batch_models/0.5.0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/devteam/vcfbedintersect/vcfbedintersect/1.0.0_rc3+galaxy0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_awk_tool/1.1.1	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/peterjc/tmhmm_and_signalp/wolf_psort/0.0.11	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/devteam/freebayes/freebayes/1.1.0.46-0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/devteam/vcfvcfintersect/vcfvcfintersect/1.0.0_rc3+galaxy0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_info/0.1.8_1	2020-04-01	8
-CONVERTER_vcf_bgzip_to_tabix_0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/galaxyp/dbbuilder/dbbuilder/0.3.0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/earlhaminst/ete/ete3_mod/3.1.1	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/iuc/lofreq_alnqual/lofreq_alnqual/2.1.3.1+galaxy0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/saskia-hiltemann/krona_text/krona-text/1	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/devteam/sam2interval/sam2interval/1.0.2	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/erasmus-medical-center/dr_disco/dr_disco_classify/0.14.0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/iuc/fastani/fastani/1.3	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/iuc/stacks_denovomap/stacks_denovomap/1.46.0	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/iuc/anndata_import/anndata_import/0.6.22.post1+galaxy3	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/bgruening/nanopolish_variants/nanopolish_variants/0.11.1	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/rnateam/graphprot_predict_profile/graphprot_predict_profile/1.1.7	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_tblastn_wrapper/0.3.3	2020-04-01	8
-toolshed.g2.bx.psu.edu/repos/devteam/fastq_quality_boxplot/cshl_fastq_quality_boxplot/1.0.1	2020-04-01	8
+ toolshed.g2.bx.psu.edu/repos/devteam/column_maker/Add_a_column1/1.6                                                                                 	2022-02-01	50054
+ upload1                                                                                                                                             	2022-02-01	43169
+ toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_find_and_replace/1.1.3                                                                    	2022-02-01	39139
+ Cut1                                                                                                                                                	2022-02-01	29046
+ toolshed.g2.bx.psu.edu/repos/iuc/snpsift/snpSift_extractFields/4.3+t.galaxy0                                                                        	2022-02-01	27481
+ toolshed.g2.bx.psu.edu/repos/iuc/featurecounts/featurecounts/2.0.1+galaxy2                                                                          	2022-02-01	17579
+ toolshed.g2.bx.psu.edu/repos/bgruening/align_it/ctb_alignit/1.0.4+galaxy0                                                                           	2022-02-01	15902
+ toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.73+galaxy0                                                                                     	2022-02-01	14479
+ toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.5+galaxy1                                                                              	2022-02-01	13513
+ toolshed.g2.bx.psu.edu/repos/iuc/rgrnastar/rna_star/2.7.8a+galaxy0                                                                                  	2022-02-01	13197
+ toolshed.g2.bx.psu.edu/repos/iuc/bcftools_annotate/bcftools_annotate/1.10                                                                           	2022-02-01	13176
+ toolshed.g2.bx.psu.edu/repos/iuc/lofreq_filter/lofreq_filter/2.1.5+galaxy0                                                                          	2022-02-01	12931
+ Filter1                                                                                                                                             	2022-02-01	12490
+ __UNZIP_COLLECTION__                                                                                                                                	2022-02-01	12042
+ toolshed.g2.bx.psu.edu/repos/iuc/datamash_ops/datamash_ops/1.1.0                                                                                    	2022-02-01	11810
+ toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_replace_in_line/1.1.2                                                                     	2022-02-01	11502
+ toolshed.g2.bx.psu.edu/repos/devteam/vcfvcfintersect/vcfvcfintersect/1.0.0_rc3+galaxy0                                                              	2022-02-01	11487
+ toolshed.g2.bx.psu.edu/repos/devteam/samtools_stats/samtools_stats/2.0.2+galaxy2                                                                    	2022-02-01	10705
+ toolshed.g2.bx.psu.edu/repos/iuc/snpeff_sars_cov_2/snpeff_sars_cov_2/4.5covid19                                                                     	2022-02-01	10569
+ toolshed.g2.bx.psu.edu/repos/iuc/lofreq_indelqual/lofreq_indelqual/2.1.5+galaxy0                                                                    	2022-02-01	10545
+ toolshed.g2.bx.psu.edu/repos/iuc/lofreq_viterbi/lofreq_viterbi/2.1.5+galaxy0                                                                        	2022-02-01	10543
+ toolshed.g2.bx.psu.edu/repos/iuc/samtools_view/samtools_view/1.9+galaxy2                                                                            	2022-02-01	10456
+ toolshed.g2.bx.psu.edu/repos/bgruening/replace_column_by_key_value_file/replace_column_with_key_value_file/0.2                                      	2022-02-01	9307
+ toolshed.g2.bx.psu.edu/repos/iuc/qualimap_bamqc/qualimap_bamqc/2.2.2d+galaxy3                                                                       	2022-02-01	9275
+ toolshed.g2.bx.psu.edu/repos/devteam/concat/gops_concat_1/1.0.1                                                                                     	2022-02-01	9066
+ toolshed.g2.bx.psu.edu/repos/devteam/subtract/gops_subtract_1/1.0.0                                                                                 	2022-02-01	9055
+ toolshed.g2.bx.psu.edu/repos/devteam/merge/gops_merge_1/1.0.0                                                                                       	2022-02-01	9038
+ toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_genomecoveragebed/2.29.2                                                                         	2022-02-01	9036
+ toolshed.g2.bx.psu.edu/repos/devteam/fastqc/fastqc/0.72+galaxy1                                                                                     	2022-02-01	9001
+ toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.2                                                                                           	2022-02-01	7639
+ toolshed.g2.bx.psu.edu/repos/iuc/bcftools_consensus/bcftools_consensus/1.10+galaxy1                                                                 	2022-02-01	7325
+ toolshed.g2.bx.psu.edu/repos/iuc/abricate/abricate/1.0.1                                                                                            	2022-02-01	7256
+ toolshed.g2.bx.psu.edu/repos/wolma/mimodd_main/mimodd_reheader/0.1.8_1                                                                              	2022-02-01	7238
+ toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.23.2+galaxy0                                                                                         	2022-02-01	7178
+ toolshed.g2.bx.psu.edu/repos/iuc/ivar_trim/ivar_trim/1.3.1+galaxy2                                                                                  	2022-02-01	6751
+ __FILTER_FAILED_DATASETS__                                                                                                                          	2022-02-01	6565
+ toolshed.g2.bx.psu.edu/repos/iuc/kraken2/kraken2/2.1.1+galaxy1                                                                                      	2022-02-01	6529
+ toolshed.g2.bx.psu.edu/repos/iuc/ivar_removereads/ivar_removereads/1.3.1+galaxy2                                                                    	2022-02-01	6479
+ toolshed.g2.bx.psu.edu/repos/iuc/lofreq_call/lofreq_call/2.1.5+galaxy0                                                                              	2022-02-01	6397
+ toolshed.g2.bx.psu.edu/repos/iuc/table_compute/table_compute/1.2.4+galaxy0                                                                          	2022-02-01	4890
+ toolshed.g2.bx.psu.edu/repos/pjbriggs/trimmomatic/trimmomatic/0.38.1                                                                                	2022-02-01	4702
+ toolshed.g2.bx.psu.edu/repos/iuc/fastp/fastp/0.20.1+galaxy0                                                                                         	2022-02-01	4646
+ toolshed.g2.bx.psu.edu/repos/iuc/purge_dups/purge_dups/1.2.5+galaxy4                                                                                	2022-02-01	4429
+ toolshed.g2.bx.psu.edu/repos/devteam/bwa/bwa_mem/0.7.17.1                                                                                           	2022-02-01	4240
+ toolshed.g2.bx.psu.edu/repos/iuc/rna_starsolo/rna_starsolo/2.7.8a                                                                                   	2022-02-01	4099
+ toolshed.g2.bx.psu.edu/repos/iuc/filter_tabular/filter_tabular/2.0.0                                                                                	2022-02-01	3694
+ __DATA_FETCH__                                                                                                                                      	2022-02-01	3686
+ toolshed.g2.bx.psu.edu/repos/iuc/minimap2/minimap2/2.24+galaxy0                                                                                     	2022-02-01	3234
+ toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_bamtobed/2.30.0+galaxy2                                                                          	2022-02-01	2936
+ toolshed.g2.bx.psu.edu/repos/iuc/anndata_import/anndata_import/0.7.5+galaxy0                                                                        	2022-02-01	2814
+ toolshed.g2.bx.psu.edu/repos/iuc/hisat2/hisat2/2.2.1+galaxy0                                                                                        	2022-02-01	2759
+ toolshed.g2.bx.psu.edu/repos/iuc/ivar_trim/ivar_trim/1.3.1+galaxy0                                                                                  	2022-02-01	2442
+ toolshed.g2.bx.psu.edu/repos/iuc/ivar_removereads/ivar_removereads/1.3.1+galaxy0                                                                    	2022-02-01	2389
+ CONVERTER_gz_to_uncompressed                                                                                                                        	2022-02-01	2340
+ Grouping1                                                                                                                                           	2022-02-01	2333
+ toolshed.g2.bx.psu.edu/repos/iuc/bedtools/bedtools_intersectbed/2.30.0                                                                              	2022-02-01	2288
+ sort1                                                                                                                                               	2022-02-01	1937
+ toolshed.g2.bx.psu.edu/repos/nml/spades/spades/3.12.0+galaxy1                                                                                       	2022-02-01	1837
+ toolshed.g2.bx.psu.edu/repos/iuc/bcftools_consensus/bcftools_consensus/1.10                                                                         	2022-02-01	1793
+ toolshed.g2.bx.psu.edu/repos/iuc/plasflow/PlasFlow/1.0                                                                                              	2022-02-01	1782
+ toolshed.g2.bx.psu.edu/repos/iuc/bandage/bandage_image/0.8.1+galaxy2                                                                                	2022-02-01	1769
+ toolshed.g2.bx.psu.edu/repos/crs4/prokka/prokka/1.14.6+galaxy1                                                                                      	2022-02-01	1718
+ toolshed.g2.bx.psu.edu/repos/iuc/datamash_transpose/datamash_transpose/1.1.0                                                                        	2022-02-01	1446
+ toolshed.g2.bx.psu.edu/repos/devteam/picard/picard_MarkDuplicates/2.18.2.2                                                                          	2022-02-01	1435
+ toolshed.g2.bx.psu.edu/repos/iuc/stringtie/stringtie/2.1.7+galaxy1                                                                                  	2022-02-01	1432
+ toolshed.g2.bx.psu.edu/repos/bgruening/trim_galore/trim_galore/0.6.7+galaxy0                                                                        	2022-02-01	1360
+ toolshed.g2.bx.psu.edu/repos/iuc/fasta_stats/fasta-stats/2.0                                                                                        	2022-02-01	1291
+ __SET_METADATA__                                                                                                                                    	2022-02-01	1260
+ toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_bam_coverage/deeptools_bam_coverage/3.3.2.0.0                                                      	2022-02-01	1036
+ toolshed.g2.bx.psu.edu/repos/devteam/column_maker/Add_a_column1/1.3.0                                                                               	2022-02-01	1019
+ toolshed.g2.bx.psu.edu/repos/iuc/multiqc/multiqc/1.11+galaxy0                                                                                       	2022-02-01	973
+ toolshed.g2.bx.psu.edu/repos/bgruening/text_processing/tp_cat/0.1.1                                                                                 	2022-02-01	962
+ toolshed.g2.bx.psu.edu/repos/iuc/sra_tools/fasterq_dump/2.11.0+galaxy1                                                                              	2022-02-01	926
+ toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_compute_matrix/deeptools_compute_matrix/3.3.2.0.0                                                  	2022-02-01	915
+ toolshed.g2.bx.psu.edu/repos/devteam/fastq_groomer/fastq_groomer/1.1.5                                                                              	2022-02-01	907
+ toolshed.g2.bx.psu.edu/repos/iuc/obi_illumina_pairend/obi_illumina_pairend/1.2.13                                                                   	2022-02-01	897
+ toolshed.g2.bx.psu.edu/repos/nilesh/rseqc/rseqc_infer_experiment/2.6.4.1                                                                            	2022-02-01	879
+ toolshed.g2.bx.psu.edu/repos/devteam/bowtie2/bowtie2/2.4.5+galaxy0                                                                                  	2022-02-01	871
+ toolshed.g2.bx.psu.edu/repos/devteam/bowtie2/bowtie2/2.4.2+galaxy0                                                                                  	2022-02-01	862
+ cat1                                                                                                                                                	2022-02-01	795
+ toolshed.g2.bx.psu.edu/repos/lparsons/cutadapt/cutadapt/3.5+galaxy1                                                                                 	2022-02-01	772
+ toolshed.g2.bx.psu.edu/repos/peterjc/blast_rbh/blast_reciprocal_best_hits/0.1.11                                                                    	2022-02-01	766
+ toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_heatmap/deeptools_plot_heatmap/3.3.2.0.1                                                      	2022-02-01	758
+ toolshed.g2.bx.psu.edu/repos/galaxyp/regex_find_replace/regexColumn1/1.0.1                                                                          	2022-02-01	705
+ toolshed.g2.bx.psu.edu/repos/iuc/macs2/macs2_callpeak/2.1.1.20160309.6                                                                              	2022-02-01	652
+ toolshed.g2.bx.psu.edu/repos/devteam/ncbi_blast_plus/ncbi_blastn_wrapper/2.10.1+galaxy0                                                             	2022-02-01	648
+ toolshed.g2.bx.psu.edu/repos/peterjc/seq_filter_by_mapping/seq_filter_by_mapping/0.0.6                                                              	2022-02-01	614
+ toolshed.g2.bx.psu.edu/repos/iuc/deseq2/deseq2/2.11.40.7+galaxy1                                                                                    	2022-02-01	606
+ toolshed.g2.bx.psu.edu/repos/iuc/compose_text_param/compose_text_param/0.1.1                                                                        	2022-02-01	588
+ join1                                                                                                                                               	2022-02-01	584
+ toolshed.g2.bx.psu.edu/repos/devteam/fastqtofasta/fastq_to_fasta_python/1.1.5                                                                       	2022-02-01	580
+ toolshed.g2.bx.psu.edu/repos/bgruening/deeptools_plot_profile/deeptools_plot_profile/3.3.2.0.0                                                      	2022-02-01	555
+ toolshed.g2.bx.psu.edu/repos/lparsons/htseq_count/htseq_count/0.9.1+galaxy1                                                                         	2022-02-01	544
--- a/test-data/test_workflows	Tue Jul 07 03:25:49 2020 -0400
+++ b/test-data/test_workflows	Fri May 06 09:05:18 2022 +0000
@@ -1,1000 +1,499 @@
-3	2013-02-07 16:48:46.721866	5	Grep1	1.0.1	7	Remove beginning1	1.0.0	f	t	f
-3	2013-02-07 16:48:46.721866	6	Cut1	1.0.1	8	addValue	1.0.0	f	t	f
-3	2013-02-07 16:48:46.721866	7	Remove beginning1	1.0.0	9	Cut1	1.0.1	f	t	f
-3	2013-02-07 16:48:46.721866	7	Remove beginning1	1.0.0	6	Cut1	1.0.1	f	t	f
-3	2013-02-07 16:48:46.721866	8	addValue	1.0.0	11	Paste1	1.0.0	f	t	f
-3	2013-02-07 16:48:46.721866	9	Cut1	1.0.1	11	Paste1	1.0.0	f	t	f
-3	2013-02-07 16:48:46.721866	11	Paste1	1.0.0	10	addValue	1.0.0	f	t	f
-3	2013-02-07 16:48:46.721866	12			5	Grep1	1.0.1	f	t	f
-4	2013-02-07 16:48:55.340018	13	cat1	1.0.0	22	barchart_gnuplot	1.0.0	f	t	f
-4	2013-02-07 16:48:55.340018	14	bedtools_intersectBed		16	wc_gnu	1.0.0	f	t	f
-4	2013-02-07 16:48:55.340018	15	bedtools_intersectBed		17	sort1	1.0.1	f	t	f
-4	2013-02-07 16:48:55.340018	16	wc_gnu	1.0.0	18	addValue	1.0.0	f	t	f
-4	2013-02-07 16:48:55.340018	17	sort1	1.0.1	19	cshl_awk_tool		f	t	f
-4	2013-02-07 16:48:55.340018	18	addValue	1.0.0	13	cat1	1.0.0	f	t	f
-4	2013-02-07 16:48:55.340018	19	cshl_awk_tool		21	cshl_uniq_tool	1.0.0	f	t	f
-4	2013-02-07 16:48:55.340018	20	Count1	1.0.0	13	cat1	1.0.0	f	t	f
-4	2013-02-07 16:48:55.340018	21	cshl_uniq_tool	1.0.0	20	Count1	1.0.0	f	t	f
-4	2013-02-07 16:48:55.340018	23			15	bedtools_intersectBed		f	t	f
-4	2013-02-07 16:48:55.340018	23			14	bedtools_intersectBed		f	t	f
-4	2013-02-07 16:48:55.340018	24			15	bedtools_intersectBed		f	t	f
-4	2013-02-07 16:48:55.340018	24			14	bedtools_intersectBed		f	t	f
-5	2013-02-07 16:49:04.367628	25	addValue	1.0.0	26	cat1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	26	cat1	1.0.0	67	barchart_gnuplot	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	27	Cut1	1.0.1	59	Paste1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	28	Cut1	1.0.1	59	Paste1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	29	Cut1	1.0.1	66	Paste1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	30	Cut1	1.0.1	66	Paste1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	31	Cut1	1.0.1	36	Paste1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	32	Cut1	1.0.1	36	Paste1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	33	Cut1	1.0.1	60	Paste1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	34	Cut1	1.0.1	60	Paste1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	35	Paste1	1.0.0	65	Add_a_column1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	36	Paste1	1.0.0	64	Add_a_column1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	37	addValue	1.0.0	26	cat1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	38	addValue	1.0.0	26	cat1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	39	Filter1	1.1.0	46	Summary_Statistics1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	39	Filter1	1.1.0	45	Summary_Statistics1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	40	gops_coverage_1	1.0.0	44	Filter1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	40	gops_coverage_1	1.0.0	43	Filter1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	40	gops_coverage_1	1.0.0	42	Filter1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	40	gops_coverage_1	1.0.0	41	cshl_grep_tool	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	40	gops_coverage_1	1.0.0	39	Filter1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	41	cshl_grep_tool	1.0.0	52	Summary_Statistics1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	41	cshl_grep_tool	1.0.0	51	Summary_Statistics1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	42	Filter1	1.1.0	50	Summary_Statistics1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	42	Filter1	1.1.0	49	Summary_Statistics1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	43	Filter1	1.1.0	56	Summary_Statistics1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	43	Filter1	1.1.0	55	Summary_Statistics1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	44	Filter1	1.1.0	54	Summary_Statistics1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	44	Filter1	1.1.0	53	Summary_Statistics1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	45	Summary_Statistics1	1.1.0	57	Cut1	1.0.1	f	t	f
-5	2013-02-07 16:49:04.367628	46	Summary_Statistics1	1.1.0	58	Cut1	1.0.1	f	t	f
-5	2013-02-07 16:49:04.367628	47	addValue	1.0.0	26	cat1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	48	addValue	1.0.0	26	cat1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	49	Summary_Statistics1	1.1.0	32	Cut1	1.0.1	f	t	f
-5	2013-02-07 16:49:04.367628	50	Summary_Statistics1	1.1.0	31	Cut1	1.0.1	f	t	f
-5	2013-02-07 16:49:04.367628	51	Summary_Statistics1	1.1.0	34	Cut1	1.0.1	f	t	f
-5	2013-02-07 16:49:04.367628	52	Summary_Statistics1	1.1.0	33	Cut1	1.0.1	f	t	f
-5	2013-02-07 16:49:04.367628	53	Summary_Statistics1	1.1.0	28	Cut1	1.0.1	f	t	f
-5	2013-02-07 16:49:04.367628	54	Summary_Statistics1	1.1.0	27	Cut1	1.0.1	f	t	f
-5	2013-02-07 16:49:04.367628	55	Summary_Statistics1	1.1.0	30	Cut1	1.0.1	f	t	f
-5	2013-02-07 16:49:04.367628	56	Summary_Statistics1	1.1.0	29	Cut1	1.0.1	f	t	f
-5	2013-02-07 16:49:04.367628	57	Cut1	1.0.1	35	Paste1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	58	Cut1	1.0.1	35	Paste1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	59	Paste1	1.0.0	62	Add_a_column1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	60	Paste1	1.0.0	63	Add_a_column1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	61	Add_a_column1	1.1.0	25	addValue	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	62	Add_a_column1	1.1.0	38	addValue	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	63	Add_a_column1	1.1.0	37	addValue	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	64	Add_a_column1	1.1.0	47	addValue	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	65	Add_a_column1	1.1.0	48	addValue	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	66	Paste1	1.0.0	61	Add_a_column1	1.1.0	f	t	f
-5	2013-02-07 16:49:04.367628	68			40	gops_coverage_1	1.0.0	f	t	f
-5	2013-02-07 16:49:04.367628	69			40	gops_coverage_1	1.0.0	f	t	f
-6	2013-02-07 16:57:18.016313	71			70	cshl_awk_tool1	1.0.0	f	t	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	t	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	t	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	82	Grep1	1.0.1	84	Remove beginning1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	t	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	t	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	83	Cut1	1.0.1	85	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	t	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	t	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	86	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	t	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	t	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	84	Remove beginning1	1.0.0	83	Cut1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	t	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	t	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	85	addValue	1.0.0	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	t	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	t	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	86	Cut1	1.0.1	88	Paste1	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	t	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	t	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	88	Paste1	1.0.0	87	addValue	1.0.0	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	t	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	t	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-9	2013-02-07 16:59:41.215802	89			82	Grep1	1.0.1	f	f	f
-11	2013-02-07 17:03:54.795316	135	addValue	1.0.0	136	cat1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	136	cat1	1.0.0	145	barchart_gnuplot	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	137	Cut1	1.0.1	170	Paste1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	138	Cut1	1.0.1	170	Paste1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	139	Cut1	1.0.1	177	Paste1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	140	Cut1	1.0.1	177	Paste1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	141	Cut1	1.0.1	147	Paste1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	142	Cut1	1.0.1	147	Paste1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	143	Cut1	1.0.1	171	Paste1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	144	Cut1	1.0.1	171	Paste1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	146	Paste1	1.0.0	176	Add_a_column1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	147	Paste1	1.0.0	175	Add_a_column1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	148	addValue	1.0.0	136	cat1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	149	addValue	1.0.0	136	cat1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	150	Filter1	1.1.0	157	Summary_Statistics1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	150	Filter1	1.1.0	156	Summary_Statistics1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	151	gops_coverage_1	1.0.0	155	Filter1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	151	gops_coverage_1	1.0.0	154	Filter1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	151	gops_coverage_1	1.0.0	153	Filter1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	151	gops_coverage_1	1.0.0	152	cshl_grep_tool	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	151	gops_coverage_1	1.0.0	150	Filter1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	152	cshl_grep_tool	1.0.0	163	Summary_Statistics1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	152	cshl_grep_tool	1.0.0	162	Summary_Statistics1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	153	Filter1	1.1.0	161	Summary_Statistics1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	153	Filter1	1.1.0	160	Summary_Statistics1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	154	Filter1	1.1.0	167	Summary_Statistics1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	154	Filter1	1.1.0	166	Summary_Statistics1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	155	Filter1	1.1.0	165	Summary_Statistics1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	155	Filter1	1.1.0	164	Summary_Statistics1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	156	Summary_Statistics1	1.1.0	168	Cut1	1.0.1	f	t	f
-11	2013-02-07 17:03:54.795316	157	Summary_Statistics1	1.1.0	169	Cut1	1.0.1	f	t	f
-11	2013-02-07 17:03:54.795316	158	addValue	1.0.0	136	cat1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	159	addValue	1.0.0	136	cat1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	160	Summary_Statistics1	1.1.0	142	Cut1	1.0.1	f	t	f
-11	2013-02-07 17:03:54.795316	161	Summary_Statistics1	1.1.0	141	Cut1	1.0.1	f	t	f
-11	2013-02-07 17:03:54.795316	162	Summary_Statistics1	1.1.0	144	Cut1	1.0.1	f	t	f
-11	2013-02-07 17:03:54.795316	163	Summary_Statistics1	1.1.0	143	Cut1	1.0.1	f	t	f
-11	2013-02-07 17:03:54.795316	164	Summary_Statistics1	1.1.0	138	Cut1	1.0.1	f	t	f
-11	2013-02-07 17:03:54.795316	165	Summary_Statistics1	1.1.0	137	Cut1	1.0.1	f	t	f
-11	2013-02-07 17:03:54.795316	166	Summary_Statistics1	1.1.0	140	Cut1	1.0.1	f	t	f
-11	2013-02-07 17:03:54.795316	167	Summary_Statistics1	1.1.0	139	Cut1	1.0.1	f	t	f
-11	2013-02-07 17:03:54.795316	168	Cut1	1.0.1	146	Paste1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	169	Cut1	1.0.1	146	Paste1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	170	Paste1	1.0.0	173	Add_a_column1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	171	Paste1	1.0.0	174	Add_a_column1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	172	Add_a_column1	1.1.0	135	addValue	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	173	Add_a_column1	1.1.0	149	addValue	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	174	Add_a_column1	1.1.0	148	addValue	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	175	Add_a_column1	1.1.0	158	addValue	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	176	Add_a_column1	1.1.0	159	addValue	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	177	Paste1	1.0.0	172	Add_a_column1	1.1.0	f	t	f
-11	2013-02-07 17:03:54.795316	178			151	gops_coverage_1	1.0.0	f	t	f
-11	2013-02-07 17:03:54.795316	179			151	gops_coverage_1	1.0.0	f	t	f
-12	2013-02-07 17:04:38.354863	180	cat1	1.0.0	189	barchart_gnuplot	1.0.0	t	t	f
-12	2013-02-07 17:04:38.354863	180	cat1	1.0.0	189	barchart_gnuplot	1.0.0	f	t	f
-12	2013-02-07 17:04:38.354863	181	bedtools_intersectBed		183	wc_gnu	1.0.0	t	t	f
-12	2013-02-07 17:04:38.354863	181	bedtools_intersectBed		183	wc_gnu	1.0.0	f	t	f
-12	2013-02-07 17:04:38.354863	182	bedtools_intersectBed		184	sort1	1.0.1	t	t	f
-12	2013-02-07 17:04:38.354863	182	bedtools_intersectBed		184	sort1	1.0.1	f	t	f
-12	2013-02-07 17:04:38.354863	183	wc_gnu	1.0.0	185	addValue	1.0.0	t	t	f
-12	2013-02-07 17:04:38.354863	183	wc_gnu	1.0.0	185	addValue	1.0.0	f	t	f
-12	2013-02-07 17:04:38.354863	184	sort1	1.0.1	186	cshl_awk_tool		t	t	f
-12	2013-02-07 17:04:38.354863	184	sort1	1.0.1	186	cshl_awk_tool		f	t	f
-12	2013-02-07 17:04:38.354863	185	addValue	1.0.0	180	cat1	1.0.0	t	t	f
-12	2013-02-07 17:04:38.354863	185	addValue	1.0.0	180	cat1	1.0.0	f	t	f
-12	2013-02-07 17:04:38.354863	186	cshl_awk_tool		188	cshl_uniq_tool	1.0.0	t	t	f
-12	2013-02-07 17:04:38.354863	186	cshl_awk_tool		188	cshl_uniq_tool	1.0.0	f	t	f
-12	2013-02-07 17:04:38.354863	187	Count1	1.0.0	180	cat1	1.0.0	t	t	f
-12	2013-02-07 17:04:38.354863	187	Count1	1.0.0	180	cat1	1.0.0	f	t	f
-12	2013-02-07 17:04:38.354863	188	cshl_uniq_tool	1.0.0	187	Count1	1.0.0	t	t	f
-12	2013-02-07 17:04:38.354863	188	cshl_uniq_tool	1.0.0	187	Count1	1.0.0	f	t	f
-12	2013-02-07 17:04:38.354863	190			182	bedtools_intersectBed		t	t	f
-12	2013-02-07 17:04:38.354863	190			182	bedtools_intersectBed		f	t	f
-12	2013-02-07 17:04:38.354863	190			181	bedtools_intersectBed		t	t	f
-12	2013-02-07 17:04:38.354863	190			181	bedtools_intersectBed		f	t	f
-12	2013-02-07 17:04:38.354863	191			182	bedtools_intersectBed		t	t	f
-12	2013-02-07 17:04:38.354863	191			182	bedtools_intersectBed		f	t	f
-12	2013-02-07 17:04:38.354863	191			181	bedtools_intersectBed		t	t	f
-12	2013-02-07 17:04:38.354863	191			181	bedtools_intersectBed		f	t	f
-19	2013-02-14 15:51:02.598429	193			194	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1		f	t	f
-19	2013-02-14 15:51:02.598429	193			194	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1		f	t	f
-19	2013-02-14 15:51:02.598429	193			194	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1		f	t	f
-19	2013-02-14 15:51:02.598429	193			194	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1		f	t	f
-19	2013-02-14 15:51:02.598429	195			194	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1		f	t	f
-19	2013-02-14 15:51:02.598429	195			194	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1		f	t	f
-19	2013-02-14 15:51:02.598429	195			194	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1		f	t	f
-19	2013-02-14 15:51:02.598429	195			194	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1		f	t	f
-19	2013-02-14 15:51:02.598429	199			205	gops_subtract_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	199			205	gops_subtract_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	199			205	gops_subtract_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	199			205	gops_subtract_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	199			200	gops_intersect_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	199			200	gops_intersect_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	199			200	gops_intersect_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	199			200	gops_intersect_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	200	gops_intersect_1	1.0.0	215	Count1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	200	gops_intersect_1	1.0.0	215	Count1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	200	gops_intersect_1	1.0.0	215	Count1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	200	gops_intersect_1	1.0.0	215	Count1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	200	gops_intersect_1	1.0.0	210	cshl_awk_tool		f	t	f
-19	2013-02-14 15:51:02.598429	200	gops_intersect_1	1.0.0	210	cshl_awk_tool		f	t	f
-19	2013-02-14 15:51:02.598429	200	gops_intersect_1	1.0.0	210	cshl_awk_tool		f	t	f
-19	2013-02-14 15:51:02.598429	200	gops_intersect_1	1.0.0	210	cshl_awk_tool		f	t	f
-19	2013-02-14 15:51:02.598429	201	cshl_find_and_replace	1.0.0	205	gops_subtract_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	201	cshl_find_and_replace	1.0.0	205	gops_subtract_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	201	cshl_find_and_replace	1.0.0	205	gops_subtract_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	201	cshl_find_and_replace	1.0.0	205	gops_subtract_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	201	cshl_find_and_replace	1.0.0	200	gops_intersect_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	201	cshl_find_and_replace	1.0.0	200	gops_intersect_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	201	cshl_find_and_replace	1.0.0	200	gops_intersect_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	201	cshl_find_and_replace	1.0.0	200	gops_intersect_1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	202	get_flanks1	1.0.0	201	cshl_find_and_replace	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	202	get_flanks1	1.0.0	201	cshl_find_and_replace	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	202	get_flanks1	1.0.0	201	cshl_find_and_replace	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	202	get_flanks1	1.0.0	201	cshl_find_and_replace	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	203			204	cshl_grep_tool	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	203			204	cshl_grep_tool	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	203			204	cshl_grep_tool	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	203			204	cshl_grep_tool	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	203			202	get_flanks1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	203			202	get_flanks1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	203			202	get_flanks1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	203			202	get_flanks1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	205	gops_subtract_1	1.0.0	206	cshl_awk_tool		f	t	f
-19	2013-02-14 15:51:02.598429	205	gops_subtract_1	1.0.0	206	cshl_awk_tool		f	t	f
-19	2013-02-14 15:51:02.598429	205	gops_subtract_1	1.0.0	206	cshl_awk_tool		f	t	f
-19	2013-02-14 15:51:02.598429	205	gops_subtract_1	1.0.0	206	cshl_awk_tool		f	t	f
-19	2013-02-14 15:51:02.598429	206	cshl_awk_tool		207	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	206	cshl_awk_tool		207	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	206	cshl_awk_tool		207	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	206	cshl_awk_tool		207	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	207	Extract genomic DNA 1	2.2.2	214	Show beginning1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	207	Extract genomic DNA 1	2.2.2	214	Show beginning1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	207	Extract genomic DNA 1	2.2.2	214	Show beginning1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	207	Extract genomic DNA 1	2.2.2	214	Show beginning1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	208			213	trap		f	t	f
-19	2013-02-14 15:51:02.598429	208			213	trap		f	t	f
-19	2013-02-14 15:51:02.598429	208			213	trap		f	t	f
-19	2013-02-14 15:51:02.598429	208			213	trap		f	t	f
-19	2013-02-14 15:51:02.598429	208			209	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	208			209	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	208			209	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	208			209	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	208			207	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	208			207	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	208			207	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	208			207	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	209	Extract genomic DNA 1	2.2.2	211	Show beginning1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	209	Extract genomic DNA 1	2.2.2	211	Show beginning1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	209	Extract genomic DNA 1	2.2.2	211	Show beginning1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	209	Extract genomic DNA 1	2.2.2	211	Show beginning1	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	210	cshl_awk_tool		209	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	210	cshl_awk_tool		209	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	210	cshl_awk_tool		209	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	210	cshl_awk_tool		209	Extract genomic DNA 1	2.2.2	f	t	f
-19	2013-02-14 15:51:02.598429	211	Show beginning1	1.0.0	212	meme_meme	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	211	Show beginning1	1.0.0	212	meme_meme	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	211	Show beginning1	1.0.0	212	meme_meme	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	211	Show beginning1	1.0.0	212	meme_meme	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	215	Count1	1.0.0	216	barchart_gnuplot	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	215	Count1	1.0.0	216	barchart_gnuplot	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	215	Count1	1.0.0	216	barchart_gnuplot	1.0.0	f	t	f
-19	2013-02-14 15:51:02.598429	215	Count1	1.0.0	216	barchart_gnuplot	1.0.0	f	t	f
-28	2013-02-14 16:08:08.300397	242			243	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	t	f
-28	2013-02-14 16:08:08.300397	244			243	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	t	f
-29	2013-02-14 17:12:23.558236	245			246	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	t	f
-29	2013-02-14 17:12:23.558236	247			246	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	t	f
-29	2013-02-14 17:12:23.558236	251			257	gops_subtract_1	1.0.0	f	t	f
-29	2013-02-14 17:12:23.558236	251			252	gops_intersect_1	1.0.0	f	t	f
-29	2013-02-14 17:12:23.558236	252	gops_intersect_1	1.0.0	267	Count1	1.0.0	f	t	f
-29	2013-02-14 17:12:23.558236	252	gops_intersect_1	1.0.0	262	cshl_awk_tool		f	t	f
-29	2013-02-14 17:12:23.558236	253	cshl_find_and_replace	1.0.0	257	gops_subtract_1	1.0.0	f	t	f
-29	2013-02-14 17:12:23.558236	253	cshl_find_and_replace	1.0.0	252	gops_intersect_1	1.0.0	f	t	f
-29	2013-02-14 17:12:23.558236	254	get_flanks1	1.0.0	253	cshl_find_and_replace	1.0.0	f	t	f
-29	2013-02-14 17:12:23.558236	255			256	cshl_grep_tool	1.0.0	f	t	f
-29	2013-02-14 17:12:23.558236	255			254	get_flanks1	1.0.0	f	t	f
-29	2013-02-14 17:12:23.558236	257	gops_subtract_1	1.0.0	258	cshl_awk_tool		f	t	f
-29	2013-02-14 17:12:23.558236	258	cshl_awk_tool		259	Extract genomic DNA 1	2.2.2	f	t	f
-29	2013-02-14 17:12:23.558236	259	Extract genomic DNA 1	2.2.2	266	Show beginning1	1.0.0	f	t	f
-29	2013-02-14 17:12:23.558236	260			265	trap		f	t	f
-29	2013-02-14 17:12:23.558236	260			261	Extract genomic DNA 1	2.2.2	f	t	f
-29	2013-02-14 17:12:23.558236	260			259	Extract genomic DNA 1	2.2.2	f	t	f
-29	2013-02-14 17:12:23.558236	261	Extract genomic DNA 1	2.2.2	263	Show beginning1	1.0.0	f	t	f
-29	2013-02-14 17:12:23.558236	262	cshl_awk_tool		261	Extract genomic DNA 1	2.2.2	f	t	f
-29	2013-02-14 17:12:23.558236	263	Show beginning1	1.0.0	264	meme_meme	1.0.0	f	t	f
-29	2013-02-14 17:12:23.558236	267	Count1	1.0.0	268	barchart_gnuplot	1.0.0	f	t	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	t	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	t	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	t	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	t	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	t	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	274			275	addValue	1.0.0	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	t	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	t	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	t	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	t	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	t	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	275	addValue	1.0.0	276	mergeCols1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	t	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	t	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	t	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	t	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	t	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-31	2013-02-18 11:33:27.210212	276	mergeCols1	1.0.1	277	Cut1	1.0.1	f	f	f
-33	2013-02-16 18:11:23.558371	283			284	gops_intersect_1	1.0.0	f	f	f
-33	2013-02-16 18:11:23.558371	284	gops_intersect_1	1.0.0	286	Count1	1.0.0	f	f	f
-33	2013-02-16 18:11:23.558371	285			284	gops_intersect_1	1.0.0	f	f	f
-33	2013-02-16 18:11:23.558371	286	Count1	1.0.0	287	barchart_gnuplot	1.0.0	f	f	f
-34	2013-02-18 11:26:21.436462	288			289	cshl_awk_tool	1.0.0	f	t	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	t	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	f	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	t	f
-36	2013-02-18 11:32:52.783849	293			292	cshl_awk_tool	1.0.0	f	t	f
-37	2013-02-18 11:33:15.657316	294			295	cshl_sed_tool	1.0.0	f	f	f
-37	2013-02-18 11:33:15.657316	294			295	cshl_sed_tool	1.0.0	f	f	f
-37	2013-02-18 11:33:15.657316	294			295	cshl_sed_tool	1.0.0	f	f	f
-37	2013-02-18 11:33:15.657316	294			295	cshl_sed_tool	1.0.0	f	t	f
-38	2013-02-18 15:28:07.450169	296	gops_intersect_1		297	Count1		f	t	
-38	2013-02-18 15:28:07.450169	297	Count1		298	barchart_gnuplot		f	t	
-39	2013-02-18 15:29:31.466754	301	gops_intersect_1		302	Count1		f	t	
-39	2013-02-18 15:29:31.466754	302	Count1		303	barchart_gnuplot		f	t	
-41	2013-02-18 15:36:23.707574	309			310	gops_intersect_1	1.0.0	f	f	f
-41	2013-02-18 15:36:23.707574	310	gops_intersect_1	1.0.0	312	Count1	1.0.0	f	f	f
-41	2013-02-18 15:36:23.707574	311			310	gops_intersect_1	1.0.0	f	f	f
-41	2013-02-18 15:36:23.707574	312	Count1	1.0.0	313	barchart_gnuplot	1.0.0	f	f	f
-51	2013-02-18 16:17:59.001902	344	Count1		345	barchart_gnuplot		f	f	
-62	2013-02-18 16:20:10.5904	395			396	Count1	1.0.0	f	t	f
-62	2013-02-18 16:20:10.5904	396	Count1	1.0.0	397	barchart_gnuplot	1.0.0	f	t	f
-64	2013-02-18 16:19:51.115314	401			402	Count1	1.0.0	f	f	f
-64	2013-02-18 16:19:51.115314	402	Count1	1.0.0	403	barchart_gnuplot	1.0.0	f	f	f
-66	2013-02-18 16:19:52.651865	407			408	Count1	1.0.0	f	f	f
-66	2013-02-18 16:19:52.651865	408	Count1	1.0.0	409	barchart_gnuplot	1.0.0	f	f	f
-68	2013-02-18 16:19:54.594018	413			414	Count1	1.0.0	f	f	f
-68	2013-02-18 16:19:54.594018	414	Count1	1.0.0	415	barchart_gnuplot	1.0.0	f	f	f
-69	2013-02-18 16:19:59.053837	416			417	Count1	1.0.0	f	f	f
-69	2013-02-18 16:19:59.053837	417	Count1	1.0.0	418	barchart_gnuplot	1.0.0	f	f	f
-70	2013-02-18 16:20:10.134364	419			420	Count1	1.0.0	f	f	f
-70	2013-02-18 16:20:10.134364	420	Count1	1.0.0	421	barchart_gnuplot	1.0.0	f	f	f
-72	2013-02-18 16:20:12.895885	425			426	Count1	1.0.0	f	f	f
-72	2013-02-18 16:20:12.895885	426	Count1	1.0.0	427	barchart_gnuplot	1.0.0	f	f	f
-73	2013-02-18 16:20:13.555792	428			429	Count1	1.0.0	f	f	f
-73	2013-02-18 16:20:13.555792	429	Count1	1.0.0	430	barchart_gnuplot	1.0.0	f	f	f
-74	2013-02-18 16:20:18.384482	431			432	Count1	1.0.0	f	f	f
-74	2013-02-18 16:20:18.384482	432	Count1	1.0.0	433	barchart_gnuplot	1.0.0	f	f	f
-75	2013-02-18 16:20:31.044314	436	Count1		437	barchart_gnuplot		f	f	
-76	2013-02-18 16:20:58.3252	438			439	Count1	1.0.0	f	t	f
-76	2013-02-18 16:20:58.3252	439	Count1	1.0.0	440	barchart_gnuplot	1.0.0	f	t	f
-77	2013-02-18 16:21:03.192545	442			443	Count1	1.0.0	f	f	f
-77	2013-02-18 16:21:03.192545	443	Count1	1.0.0	444	barchart_gnuplot	1.0.0	f	f	f
-78	2013-02-18 16:21:08.694696	445			446	Count1	1.0.0	f	f	f
-78	2013-02-18 16:21:08.694696	446	Count1	1.0.0	447	barchart_gnuplot	1.0.0	f	f	f
-80	2013-02-18 16:22:00.956138	462			463	Count1	1.0.0	f	t	f
-80	2013-02-18 16:22:00.956138	463	Count1	1.0.0	464	barchart_gnuplot	1.0.0	f	t	f
-81	2013-02-18 16:22:05.263452	465			466	addValue	1.0.0	f	f	f
-81	2013-02-18 16:22:05.263452	466	addValue	1.0.0	467	mergeCols1	1.0.1	f	f	f
-81	2013-02-18 16:22:05.263452	467	mergeCols1	1.0.1	468	Cut1	1.0.1	f	f	f
-81	2013-02-18 16:22:05.263452	468	Cut1	1.0.1	469	cshl_find_and_replace	1.0.0	f	f	f
-81	2013-02-18 16:22:05.263452	469	cshl_find_and_replace	1.0.0	470	cshl_find_and_replace	1.0.0	f	f	f
-81	2013-02-18 16:22:05.263452	472	gops_intersect_1	1.0.0	473	Count1	1.0.0	f	f	f
-81	2013-02-18 16:22:05.263452	473	Count1	1.0.0	474	barchart_gnuplot	1.0.0	f	f	f
-82	2013-02-18 16:22:53.575364	475			476	CONVERTER_interval_to_bedstrict_0	1.0.0	f	f	f
-82	2013-02-18 16:22:53.575364	476	CONVERTER_interval_to_bedstrict_0	1.0.0	477	addValue	1.0.0	f	f	f
-82	2013-02-18 16:22:53.575364	477	addValue	1.0.0	478	mergeCols1	1.0.1	f	f	f
-82	2013-02-18 16:22:53.575364	478	mergeCols1	1.0.1	479	Cut1	1.0.1	f	f	f
-82	2013-02-18 16:22:53.575364	481			482	get_flanks1	1.0.0	f	f	f
-82	2013-02-18 16:22:53.575364	482	get_flanks1	1.0.0	483	gops_intersect_1	1.0.0	f	f	f
-82	2013-02-18 16:22:53.575364	483	gops_intersect_1	1.0.0	487	Count1	1.0.0	f	f	f
-82	2013-02-18 16:22:53.575364	484	cshl_find_and_replace	1.0.0	485	CONVERTER_interval_to_bed_0	1.0.0	f	f	f
-82	2013-02-18 16:22:53.575364	484	cshl_find_and_replace	1.0.0	483	gops_intersect_1	1.0.0	f	f	f
-82	2013-02-18 16:22:53.575364	485	CONVERTER_interval_to_bed_0	1.0.0	486	CONVERTER_interval_to_bedstrict_0	1.0.0	f	f	f
-82	2013-02-18 16:22:53.575364	487	Count1	1.0.0	488	barchart_gnuplot	1.0.0	f	f	f
-83	2013-02-18 19:10:57.849837	489			490	gops_intersect_1	1.0.0	f	f	f
-83	2013-02-18 19:10:57.849837	490	gops_intersect_1	1.0.0	492	Count1	1.0.0	f	f	f
-83	2013-02-18 19:10:57.849837	491			490	gops_intersect_1	1.0.0	f	f	f
-83	2013-02-18 19:10:57.849837	492	Count1	1.0.0	493	barchart_gnuplot	1.0.0	f	f	f
-84	2013-02-19 12:02:10.491892	495	gops_intersect_1		496	Count1		f	f	
-84	2013-02-19 12:02:10.491892	496	Count1		497	barchart_gnuplot		f	f	
-86	2013-02-19 12:08:49.674237	504			505	gops_intersect_1	1.0.0	f	f	f
-86	2013-02-19 12:08:49.674237	505	gops_intersect_1	1.0.0	507	Count1	1.0.0	f	f	f
-86	2013-02-19 12:08:49.674237	506			505	gops_intersect_1	1.0.0	f	f	f
-86	2013-02-19 12:08:49.674237	507	Count1	1.0.0	508	barchart_gnuplot	1.0.0	f	f	f
-95	2013-02-20 10:03:57.051528	671			672	gops_intersect_1	1.0.0	f	f	f
-95	2013-02-20 10:03:57.051528	672	gops_intersect_1	1.0.0	674	Count1	1.0.0	f	f	f
-95	2013-02-20 10:03:57.051528	673			672	gops_intersect_1	1.0.0	f	f	f
-95	2013-02-20 10:03:57.051528	674	Count1	1.0.0	675	barchart_gnuplot	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	t	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	700			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	t	t	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	t	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	703	cshl_awk_tool	1.0.0	t	t	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	t	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	f	f	f
-97	2013-02-20 10:11:21.312214	702			701	toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1	1.4.1	t	t	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	t	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	t	t	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	t	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	703	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	t	t	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	t	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	722	Count1	1.0.0	t	t	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	t	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	704	gops_subtract_1	1.0.0	711	Extract genomic DNA 1	2.2.2	t	t	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	t	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	708	gops_intersect_1	1.0.0	t	t	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	t	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	705	cshl_awk_tool	1.0.0	704	gops_subtract_1	1.0.0	t	t	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	t	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	706	get_flanks1	1.0.0	705	cshl_awk_tool	1.0.0	t	t	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	t	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	707			706	get_flanks1	1.0.0	t	t	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	t	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	720	Count1	1.0.0	t	t	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	t	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	708	gops_intersect_1	1.0.0	709	Extract genomic DNA 1	2.2.2	t	t	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	t	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	709	Extract genomic DNA 1	2.2.2	716	fasta2tab	1.1.0	t	t	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	t	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			711	Extract genomic DNA 1	2.2.2	t	t	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	t	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	f	f	f
-97	2013-02-20 10:11:21.312214	710			709	Extract genomic DNA 1	2.2.2	t	t	f
-97	2013-02-20 10:11:21.312214	711	Extract genomic DNA 1	2.2.2	712	fasta2tab	1.1.0	f	f	f
-97	2013-02-20 10:11:21.312214	711	Extract genomic DNA 1	2.2.2	712	fasta2tab	1.1.0	f	f	f
+3	2013-02-07	7	 Remove beginning1                                                                                                                      	 1.0.0                                        	6	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+3	2013-02-07	7	 Remove beginning1                                                                                                                      	 1.0.0                                        	9	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+3	2013-02-07	8	 addValue                                                                                                                               	 1.0.0                                        	11	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+3	2013-02-07	9	 Cut1                                                                                                                                   	 1.0.1                                        	11	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+3	2013-02-07	11	 Paste1                                                                                                                                 	 1.0.0                                        	10	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+3	2013-02-07	12	                                                                                                                                        	                                              	5	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 t       	 f
+4	2013-02-07	13	 cat1                                                                                                                                   	 1.0.0                                        	22	 barchart_gnuplot                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+4	2013-02-07	14	 bedtools_intersectBed                                                                                                                  	                                              	16	 wc_gnu                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+4	2013-02-07	15	 bedtools_intersectBed                                                                                                                  	                                              	17	 sort1                                                                                                                                  	 1.0.1                                        	 f         	 t       	 f
+4	2013-02-07	16	 wc_gnu                                                                                                                                 	 1.0.0                                        	18	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+4	2013-02-07	17	 sort1                                                                                                                                  	 1.0.1                                        	19	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+4	2013-02-07	18	 addValue                                                                                                                               	 1.0.0                                        	13	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+4	2013-02-07	19	 cshl_awk_tool                                                                                                                          	                                              	21	 cshl_uniq_tool                                                                                                                         	 1.0.0                                        	 f         	 t       	 f
+4	2013-02-07	20	 Count1                                                                                                                                 	 1.0.0                                        	13	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+4	2013-02-07	21	 cshl_uniq_tool                                                                                                                         	 1.0.0                                        	20	 Count1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+4	2013-02-07	23	                                                                                                                                        	                                              	14	 bedtools_intersectBed                                                                                                                  	                                              	 f         	 t       	 f
+4	2013-02-07	23	                                                                                                                                        	                                              	15	 bedtools_intersectBed                                                                                                                  	                                              	 f         	 t       	 f
+4	2013-02-07	24	                                                                                                                                        	                                              	14	 bedtools_intersectBed                                                                                                                  	                                              	 f         	 t       	 f
+4	2013-02-07	24	                                                                                                                                        	                                              	15	 bedtools_intersectBed                                                                                                                  	                                              	 f         	 t       	 f
+5	2013-02-07	25	 addValue                                                                                                                               	 1.0.0                                        	26	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	26	 cat1                                                                                                                                   	 1.0.0                                        	67	 barchart_gnuplot                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	27	 Cut1                                                                                                                                   	 1.0.1                                        	59	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	28	 Cut1                                                                                                                                   	 1.0.1                                        	59	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	29	 Cut1                                                                                                                                   	 1.0.1                                        	66	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	30	 Cut1                                                                                                                                   	 1.0.1                                        	66	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	31	 Cut1                                                                                                                                   	 1.0.1                                        	36	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	32	 Cut1                                                                                                                                   	 1.0.1                                        	36	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	33	 Cut1                                                                                                                                   	 1.0.1                                        	60	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	34	 Cut1                                                                                                                                   	 1.0.1                                        	60	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	35	 Paste1                                                                                                                                 	 1.0.0                                        	65	 Add_a_column1                                                                                                                          	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	36	 Paste1                                                                                                                                 	 1.0.0                                        	64	 Add_a_column1                                                                                                                          	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	37	 addValue                                                                                                                               	 1.0.0                                        	26	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	38	 addValue                                                                                                                               	 1.0.0                                        	26	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	39	 Filter1                                                                                                                                	 1.1.0                                        	45	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	39	 Filter1                                                                                                                                	 1.1.0                                        	46	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	40	 gops_coverage_1                                                                                                                        	 1.0.0                                        	39	 Filter1                                                                                                                                	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	40	 gops_coverage_1                                                                                                                        	 1.0.0                                        	41	 cshl_grep_tool                                                                                                                         	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	40	 gops_coverage_1                                                                                                                        	 1.0.0                                        	42	 Filter1                                                                                                                                	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	40	 gops_coverage_1                                                                                                                        	 1.0.0                                        	43	 Filter1                                                                                                                                	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	40	 gops_coverage_1                                                                                                                        	 1.0.0                                        	44	 Filter1                                                                                                                                	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	41	 cshl_grep_tool                                                                                                                         	 1.0.0                                        	51	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	41	 cshl_grep_tool                                                                                                                         	 1.0.0                                        	52	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	42	 Filter1                                                                                                                                	 1.1.0                                        	49	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	42	 Filter1                                                                                                                                	 1.1.0                                        	50	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	43	 Filter1                                                                                                                                	 1.1.0                                        	55	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	43	 Filter1                                                                                                                                	 1.1.0                                        	56	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	44	 Filter1                                                                                                                                	 1.1.0                                        	53	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	44	 Filter1                                                                                                                                	 1.1.0                                        	54	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	45	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	57	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+5	2013-02-07	46	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	58	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+5	2013-02-07	47	 addValue                                                                                                                               	 1.0.0                                        	26	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	48	 addValue                                                                                                                               	 1.0.0                                        	26	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	49	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	32	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+5	2013-02-07	50	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	31	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+5	2013-02-07	51	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	34	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+5	2013-02-07	52	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	33	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+5	2013-02-07	53	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	28	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+5	2013-02-07	54	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	27	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+5	2013-02-07	55	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	30	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+5	2013-02-07	56	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	29	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+5	2013-02-07	57	 Cut1                                                                                                                                   	 1.0.1                                        	35	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	58	 Cut1                                                                                                                                   	 1.0.1                                        	35	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	59	 Paste1                                                                                                                                 	 1.0.0                                        	62	 Add_a_column1                                                                                                                          	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	60	 Paste1                                                                                                                                 	 1.0.0                                        	63	 Add_a_column1                                                                                                                          	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	61	 Add_a_column1                                                                                                                          	 1.1.0                                        	25	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	62	 Add_a_column1                                                                                                                          	 1.1.0                                        	38	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	63	 Add_a_column1                                                                                                                          	 1.1.0                                        	37	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	64	 Add_a_column1                                                                                                                          	 1.1.0                                        	47	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	65	 Add_a_column1                                                                                                                          	 1.1.0                                        	48	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	66	 Paste1                                                                                                                                 	 1.0.0                                        	61	 Add_a_column1                                                                                                                          	 1.1.0                                        	 f         	 t       	 f
+5	2013-02-07	68	                                                                                                                                        	                                              	40	 gops_coverage_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+5	2013-02-07	69	                                                                                                                                        	                                              	40	 gops_coverage_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+6	2013-02-07	71	                                                                                                                                        	                                              	70	 cshl_awk_tool1                                                                                                                         	 1.0.0                                        	 f         	 t       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 t         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 t         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 t         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 t         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 t         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 t         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 t         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 t         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 t       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 t       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	82	 Grep1                                                                                                                                  	 1.0.1                                        	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	83	 Cut1                                                                                                                                   	 1.0.1                                        	85	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	83	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	84	 Remove beginning1                                                                                                                      	 1.0.0                                        	86	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+9	2013-02-07	85	 addValue                                                                                                                               	 1.0.0                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	86	 Cut1                                                                                                                                   	 1.0.1                                        	88	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	88	 Paste1                                                                                                                                 	 1.0.0                                        	87	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+9	2013-02-07	89	                                                                                                                                        	                                              	82	 Grep1                                                                                                                                  	 1.0.1                                        	 f         	 f       	 f
+11	2013-02-07	135	 addValue                                                                                                                               	 1.0.0                                        	136	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	136	 cat1                                                                                                                                   	 1.0.0                                        	145	 barchart_gnuplot                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	137	 Cut1                                                                                                                                   	 1.0.1                                        	170	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	138	 Cut1                                                                                                                                   	 1.0.1                                        	170	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	139	 Cut1                                                                                                                                   	 1.0.1                                        	177	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	140	 Cut1                                                                                                                                   	 1.0.1                                        	177	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	141	 Cut1                                                                                                                                   	 1.0.1                                        	147	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	142	 Cut1                                                                                                                                   	 1.0.1                                        	147	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	143	 Cut1                                                                                                                                   	 1.0.1                                        	171	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	144	 Cut1                                                                                                                                   	 1.0.1                                        	171	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	146	 Paste1                                                                                                                                 	 1.0.0                                        	176	 Add_a_column1                                                                                                                          	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	147	 Paste1                                                                                                                                 	 1.0.0                                        	175	 Add_a_column1                                                                                                                          	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	148	 addValue                                                                                                                               	 1.0.0                                        	136	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	149	 addValue                                                                                                                               	 1.0.0                                        	136	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	150	 Filter1                                                                                                                                	 1.1.0                                        	156	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	150	 Filter1                                                                                                                                	 1.1.0                                        	157	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	151	 gops_coverage_1                                                                                                                        	 1.0.0                                        	150	 Filter1                                                                                                                                	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	151	 gops_coverage_1                                                                                                                        	 1.0.0                                        	152	 cshl_grep_tool                                                                                                                         	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	151	 gops_coverage_1                                                                                                                        	 1.0.0                                        	153	 Filter1                                                                                                                                	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	151	 gops_coverage_1                                                                                                                        	 1.0.0                                        	154	 Filter1                                                                                                                                	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	151	 gops_coverage_1                                                                                                                        	 1.0.0                                        	155	 Filter1                                                                                                                                	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	152	 cshl_grep_tool                                                                                                                         	 1.0.0                                        	162	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	152	 cshl_grep_tool                                                                                                                         	 1.0.0                                        	163	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	153	 Filter1                                                                                                                                	 1.1.0                                        	160	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	153	 Filter1                                                                                                                                	 1.1.0                                        	161	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	154	 Filter1                                                                                                                                	 1.1.0                                        	166	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	154	 Filter1                                                                                                                                	 1.1.0                                        	167	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	155	 Filter1                                                                                                                                	 1.1.0                                        	164	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	155	 Filter1                                                                                                                                	 1.1.0                                        	165	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	156	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	168	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+11	2013-02-07	157	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	169	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+11	2013-02-07	158	 addValue                                                                                                                               	 1.0.0                                        	136	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	159	 addValue                                                                                                                               	 1.0.0                                        	136	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	160	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	142	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+11	2013-02-07	161	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	141	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+11	2013-02-07	162	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	144	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+11	2013-02-07	163	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	143	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+11	2013-02-07	164	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	138	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+11	2013-02-07	165	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	137	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+11	2013-02-07	166	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	140	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+11	2013-02-07	167	 Summary_Statistics1                                                                                                                    	 1.1.0                                        	139	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+11	2013-02-07	168	 Cut1                                                                                                                                   	 1.0.1                                        	146	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	169	 Cut1                                                                                                                                   	 1.0.1                                        	146	 Paste1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	170	 Paste1                                                                                                                                 	 1.0.0                                        	173	 Add_a_column1                                                                                                                          	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	171	 Paste1                                                                                                                                 	 1.0.0                                        	174	 Add_a_column1                                                                                                                          	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	172	 Add_a_column1                                                                                                                          	 1.1.0                                        	135	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	173	 Add_a_column1                                                                                                                          	 1.1.0                                        	149	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	174	 Add_a_column1                                                                                                                          	 1.1.0                                        	148	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	175	 Add_a_column1                                                                                                                          	 1.1.0                                        	158	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	176	 Add_a_column1                                                                                                                          	 1.1.0                                        	159	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	177	 Paste1                                                                                                                                 	 1.0.0                                        	172	 Add_a_column1                                                                                                                          	 1.1.0                                        	 f         	 t       	 f
+11	2013-02-07	178	                                                                                                                                        	                                              	151	 gops_coverage_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+11	2013-02-07	179	                                                                                                                                        	                                              	151	 gops_coverage_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+12	2013-02-07	180	 cat1                                                                                                                                   	 1.0.0                                        	189	 barchart_gnuplot                                                                                                                       	 1.0.0                                        	 t         	 t       	 f
+12	2013-02-07	181	 bedtools_intersectBed                                                                                                                  	                                              	183	 wc_gnu                                                                                                                                 	 1.0.0                                        	 t         	 t       	 f
+12	2013-02-07	182	 bedtools_intersectBed                                                                                                                  	                                              	184	 sort1                                                                                                                                  	 1.0.1                                        	 t         	 t       	 f
+12	2013-02-07	183	 wc_gnu                                                                                                                                 	 1.0.0                                        	185	 addValue                                                                                                                               	 1.0.0                                        	 t         	 t       	 f
+12	2013-02-07	184	 sort1                                                                                                                                  	 1.0.1                                        	186	 cshl_awk_tool                                                                                                                          	                                              	 t         	 t       	 f
+12	2013-02-07	185	 addValue                                                                                                                               	 1.0.0                                        	180	 cat1                                                                                                                                   	 1.0.0                                        	 t         	 t       	 f
+12	2013-02-07	186	 cshl_awk_tool                                                                                                                          	                                              	188	 cshl_uniq_tool                                                                                                                         	 1.0.0                                        	 t         	 t       	 f
+12	2013-02-07	187	 Count1                                                                                                                                 	 1.0.0                                        	180	 cat1                                                                                                                                   	 1.0.0                                        	 t         	 t       	 f
+12	2013-02-07	188	 cshl_uniq_tool                                                                                                                         	 1.0.0                                        	187	 Count1                                                                                                                                 	 1.0.0                                        	 t         	 t       	 f
+12	2013-02-07	190	                                                                                                                                        	                                              	181	 bedtools_intersectBed                                                                                                                  	                                              	 t         	 t       	 f
+12	2013-02-07	190	                                                                                                                                        	                                              	182	 bedtools_intersectBed                                                                                                                  	                                              	 t         	 t       	 f
+12	2013-02-07	191	                                                                                                                                        	                                              	181	 bedtools_intersectBed                                                                                                                  	                                              	 t         	 t       	 f
+12	2013-02-07	191	                                                                                                                                        	                                              	182	 bedtools_intersectBed                                                                                                                  	                                              	 t         	 t       	 f
+12	2013-02-07	180	 cat1                                                                                                                                   	 1.0.0                                        	189	 barchart_gnuplot                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+12	2013-02-07	181	 bedtools_intersectBed                                                                                                                  	                                              	183	 wc_gnu                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+12	2013-02-07	182	 bedtools_intersectBed                                                                                                                  	                                              	184	 sort1                                                                                                                                  	 1.0.1                                        	 f         	 t       	 f
+12	2013-02-07	183	 wc_gnu                                                                                                                                 	 1.0.0                                        	185	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+12	2013-02-07	184	 sort1                                                                                                                                  	 1.0.1                                        	186	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+12	2013-02-07	185	 addValue                                                                                                                               	 1.0.0                                        	180	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+12	2013-02-07	186	 cshl_awk_tool                                                                                                                          	                                              	188	 cshl_uniq_tool                                                                                                                         	 1.0.0                                        	 f         	 t       	 f
+12	2013-02-07	187	 Count1                                                                                                                                 	 1.0.0                                        	180	 cat1                                                                                                                                   	 1.0.0                                        	 f         	 t       	 f
+12	2013-02-07	188	 cshl_uniq_tool                                                                                                                         	 1.0.0                                        	187	 Count1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+12	2013-02-07	190	                                                                                                                                        	                                              	181	 bedtools_intersectBed                                                                                                                  	                                              	 f         	 t       	 f
+12	2013-02-07	190	                                                                                                                                        	                                              	182	 bedtools_intersectBed                                                                                                                  	                                              	 f         	 t       	 f
+12	2013-02-07	191	                                                                                                                                        	                                              	181	 bedtools_intersectBed                                                                                                                  	                                              	 f         	 t       	 f
+12	2013-02-07	191	                                                                                                                                        	                                              	182	 bedtools_intersectBed                                                                                                                  	                                              	 f         	 t       	 f
+19	2013-02-14	193	                                                                                                                                        	                                              	194	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	195	                                                                                                                                        	                                              	194	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	199	                                                                                                                                        	                                              	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	199	                                                                                                                                        	                                              	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	210	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+19	2013-02-14	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	215	 Count1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	202	 get_flanks1                                                                                                                            	 1.0.0                                        	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	203	                                                                                                                                        	                                              	202	 get_flanks1                                                                                                                            	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	203	                                                                                                                                        	                                              	204	 cshl_grep_tool                                                                                                                         	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	206	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+19	2013-02-14	206	 cshl_awk_tool                                                                                                                          	                                              	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	214	 Show beginning1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	213	 trap                                                                                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	211	 Show beginning1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	210	 cshl_awk_tool                                                                                                                          	                                              	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	211	 Show beginning1                                                                                                                        	 1.0.0                                        	212	 meme_meme                                                                                                                              	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	215	 Count1                                                                                                                                 	 1.0.0                                        	216	 barchart_gnuplot                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	193	                                                                                                                                        	                                              	194	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	195	                                                                                                                                        	                                              	194	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	199	                                                                                                                                        	                                              	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	199	                                                                                                                                        	                                              	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	210	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+19	2013-02-14	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	215	 Count1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	202	 get_flanks1                                                                                                                            	 1.0.0                                        	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	203	                                                                                                                                        	                                              	202	 get_flanks1                                                                                                                            	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	203	                                                                                                                                        	                                              	204	 cshl_grep_tool                                                                                                                         	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	206	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+19	2013-02-14	206	 cshl_awk_tool                                                                                                                          	                                              	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	214	 Show beginning1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	213	 trap                                                                                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	211	 Show beginning1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	210	 cshl_awk_tool                                                                                                                          	                                              	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	211	 Show beginning1                                                                                                                        	 1.0.0                                        	212	 meme_meme                                                                                                                              	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	215	 Count1                                                                                                                                 	 1.0.0                                        	216	 barchart_gnuplot                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	193	                                                                                                                                        	                                              	194	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	195	                                                                                                                                        	                                              	194	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	199	                                                                                                                                        	                                              	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	199	                                                                                                                                        	                                              	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	210	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+19	2013-02-14	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	215	 Count1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	202	 get_flanks1                                                                                                                            	 1.0.0                                        	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	203	                                                                                                                                        	                                              	202	 get_flanks1                                                                                                                            	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	203	                                                                                                                                        	                                              	204	 cshl_grep_tool                                                                                                                         	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	206	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+19	2013-02-14	206	 cshl_awk_tool                                                                                                                          	                                              	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	214	 Show beginning1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	213	 trap                                                                                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	211	 Show beginning1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	210	 cshl_awk_tool                                                                                                                          	                                              	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	211	 Show beginning1                                                                                                                        	 1.0.0                                        	212	 meme_meme                                                                                                                              	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	215	 Count1                                                                                                                                 	 1.0.0                                        	216	 barchart_gnuplot                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	193	                                                                                                                                        	                                              	194	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	195	                                                                                                                                        	                                              	194	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	199	                                                                                                                                        	                                              	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	199	                                                                                                                                        	                                              	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	210	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+19	2013-02-14	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	215	 Count1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	200	 gops_intersect_1                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	202	 get_flanks1                                                                                                                            	 1.0.0                                        	201	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	203	                                                                                                                                        	                                              	202	 get_flanks1                                                                                                                            	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	203	                                                                                                                                        	                                              	204	 cshl_grep_tool                                                                                                                         	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	205	 gops_subtract_1                                                                                                                        	 1.0.0                                        	206	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+19	2013-02-14	206	 cshl_awk_tool                                                                                                                          	                                              	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	214	 Show beginning1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	207	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	208	                                                                                                                                        	                                              	213	 trap                                                                                                                                   	                                              	 f         	 t       	 f
+19	2013-02-14	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	211	 Show beginning1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	210	 cshl_awk_tool                                                                                                                          	                                              	209	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+19	2013-02-14	211	 Show beginning1                                                                                                                        	 1.0.0                                        	212	 meme_meme                                                                                                                              	 1.0.0                                        	 f         	 t       	 f
+19	2013-02-14	215	 Count1                                                                                                                                 	 1.0.0                                        	216	 barchart_gnuplot                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+28	2013-02-14	242	                                                                                                                                        	                                              	243	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	 1.4.1                                        	 f         	 t       	 f
+28	2013-02-14	244	                                                                                                                                        	                                              	243	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	 1.4.1                                        	 f         	 t       	 f
+29	2013-02-14	245	                                                                                                                                        	                                              	246	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	 1.4.1                                        	 f         	 t       	 f
+29	2013-02-14	247	                                                                                                                                        	                                              	246	 toolshed.g2.bx.psu.edu/repos/ryo-tas/macs14/peakcalling_macs14/1.4.1                                                                   	 1.4.1                                        	 f         	 t       	 f
+29	2013-02-14	251	                                                                                                                                        	                                              	252	 gops_intersect_1                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+29	2013-02-14	251	                                                                                                                                        	                                              	257	 gops_subtract_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+29	2013-02-14	252	 gops_intersect_1                                                                                                                       	 1.0.0                                        	262	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+29	2013-02-14	252	 gops_intersect_1                                                                                                                       	 1.0.0                                        	267	 Count1                                                                                                                                 	 1.0.0                                        	 f         	 t       	 f
+29	2013-02-14	253	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	252	 gops_intersect_1                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+29	2013-02-14	253	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	257	 gops_subtract_1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+29	2013-02-14	254	 get_flanks1                                                                                                                            	 1.0.0                                        	253	 cshl_find_and_replace                                                                                                                  	 1.0.0                                        	 f         	 t       	 f
+29	2013-02-14	255	                                                                                                                                        	                                              	254	 get_flanks1                                                                                                                            	 1.0.0                                        	 f         	 t       	 f
+29	2013-02-14	255	                                                                                                                                        	                                              	256	 cshl_grep_tool                                                                                                                         	 1.0.0                                        	 f         	 t       	 f
+29	2013-02-14	257	 gops_subtract_1                                                                                                                        	 1.0.0                                        	258	 cshl_awk_tool                                                                                                                          	                                              	 f         	 t       	 f
+29	2013-02-14	258	 cshl_awk_tool                                                                                                                          	                                              	259	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+29	2013-02-14	259	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	266	 Show beginning1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+29	2013-02-14	260	                                                                                                                                        	                                              	259	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+29	2013-02-14	260	                                                                                                                                        	                                              	261	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+29	2013-02-14	260	                                                                                                                                        	                                              	265	 trap                                                                                                                                   	                                              	 f         	 t       	 f
+29	2013-02-14	261	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	263	 Show beginning1                                                                                                                        	 1.0.0                                        	 f         	 t       	 f
+29	2013-02-14	262	 cshl_awk_tool                                                                                                                          	                                              	261	 Extract genomic DNA 1                                                                                                                  	 2.2.2                                        	 f         	 t       	 f
+29	2013-02-14	263	 Show beginning1                                                                                                                        	 1.0.0                                        	264	 meme_meme                                                                                                                              	 1.0.0                                        	 f         	 t       	 f
+29	2013-02-14	267	 Count1                                                                                                                                 	 1.0.0                                        	268	 barchart_gnuplot                                                                                                                       	 1.0.0                                        	 f         	 t       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 t       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 t       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 t       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 t       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 t       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 t       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	276	 mergeCols1                                                                                                                             	 1.0.1                                        	277	 Cut1                                                                                                                                   	 1.0.1                                        	 f         	 f       	 f
+31	2013-02-18	274	                                                                                                                                        	                                              	275	 addValue                                                                                                                               	 1.0.0                                        	 f         	 f       	 f
+31	2013-02-18	275	 addValue                                                                                                                               	 1.0.0                                        	276	 mergeCols1                                                                                                                             	 1.0.1                                        	 f         	 f       	 f
--- a/utils.py	Tue Jul 07 03:25:49 2020 -0400
+++ b/utils.py	Fri May 06 09:05:18 2022 +0000
@@ -1,10 +1,11 @@
-import numpy as np
 import json
-import h5py
 import random
+
+import h5py
+import numpy as np
+import tensorflow as tf
 from numpy.random import choice
-
-from keras import backend as K
+from tensorflow.keras import backend
 
 
 def read_file(file_path):
@@ -29,10 +30,10 @@
     """
     Create an h5 file with the trained weights and associated dicts
     """
-    hf_file = h5py.File(dump_file, 'w')
+    hf_file = h5py.File(dump_file, "w")
     for key in model_values:
         value = model_values[key]
-        if key == 'model_weights':
+        if key == "model_weights":
             for idx, item in enumerate(value):
                 w_key = "weight_" + str(idx)
                 if w_key in hf_file:
@@ -54,14 +55,19 @@
     """
     weight_values = list(class_weights.values())
     weight_values.extend(weight_values)
+
     def weighted_binary_crossentropy(y_true, y_pred):
         # add another dimension to compute dot product
-        expanded_weights = K.expand_dims(weight_values, axis=-1)
-        return K.dot(K.binary_crossentropy(y_true, y_pred), expanded_weights)
+        expanded_weights = tf.expand_dims(weight_values, axis=-1)
+        bce = backend.binary_crossentropy(y_true, y_pred)
+        return backend.dot(bce, expanded_weights)
+
     return weighted_binary_crossentropy
 
 
-def balanced_sample_generator(train_data, train_labels, batch_size, l_tool_tr_samples, reverse_dictionary):
+def balanced_sample_generator(
+    train_data, train_labels, batch_size, l_tool_tr_samples, reverse_dictionary
+):
     while True:
         dimension = train_data.shape[1]
         n_classes = train_labels.shape[1]
@@ -80,7 +86,18 @@
         yield generator_batch_data, generator_batch_labels
 
 
-def compute_precision(model, x, y, reverse_data_dictionary, usage_scores, actual_classes_pos, topk, standard_conn, last_tool_id, lowest_tool_ids):
+def compute_precision(
+    model,
+    x,
+    y,
+    reverse_data_dictionary,
+    usage_scores,
+    actual_classes_pos,
+    topk,
+    standard_conn,
+    last_tool_id,
+    lowest_tool_ids,
+):
     """
     Compute absolute and compatible precision
     """
@@ -137,7 +154,9 @@
                 else:
                     lowest_pub_prec = np.nan
                 if standard_topk_prediction_pos in usage_scores:
-                    usage_wt_score.append(np.log(usage_scores[standard_topk_prediction_pos] + 1.0))
+                    usage_wt_score.append(
+                        np.log(usage_scores[standard_topk_prediction_pos] + 1.0)
+                    )
         else:
             # count precision only when there is actually true published tools
             # else set to np.nan. Set to 0 only when there is wrong prediction
@@ -148,7 +167,9 @@
         pred_t_name = reverse_data_dictionary[int(normal_topk_prediction_pos)]
         if pred_t_name in actual_next_tool_names:
             if normal_topk_prediction_pos in usage_scores:
-                usage_wt_score.append(np.log(usage_scores[normal_topk_prediction_pos] + 1.0))
+                usage_wt_score.append(
+                    np.log(usage_scores[normal_topk_prediction_pos] + 1.0)
+                )
             top_precision = 1.0
             if last_tool_id in lowest_tool_ids:
                 lowest_norm_prec = 1.0
@@ -166,7 +187,16 @@
     return lowest_ids
 
 
-def verify_model(model, x, y, reverse_data_dictionary, usage_scores, standard_conn, lowest_tool_ids, topk_list=[1, 2, 3]):
+def verify_model(
+    model,
+    x,
+    y,
+    reverse_data_dictionary,
+    usage_scores,
+    standard_conn,
+    lowest_tool_ids,
+    topk_list=[1, 2, 3],
+):
     """
     Verify the model on test data
     """
@@ -187,7 +217,24 @@
         test_sample = x[i, :]
         last_tool_id = str(int(test_sample[-1]))
         for index, abs_topk in enumerate(topk_list):
-            usg_wt_score, absolute_precision, pub_prec, lowest_p_prec, lowest_n_prec = compute_precision(model, test_sample, y, reverse_data_dictionary, usage_scores, actual_classes_pos, abs_topk, standard_conn, last_tool_id, lowest_tool_ids)
+            (
+                usg_wt_score,
+                absolute_precision,
+                pub_prec,
+                lowest_p_prec,
+                lowest_n_prec,
+            ) = compute_precision(
+                model,
+                test_sample,
+                y,
+                reverse_data_dictionary,
+                usage_scores,
+                actual_classes_pos,
+                abs_topk,
+                standard_conn,
+                last_tool_id,
+                lowest_tool_ids,
+            )
             precision[i][index] = absolute_precision
             usage_weights[i][index] = usg_wt_score
             epo_pub_prec[i][index] = pub_prec
@@ -202,22 +249,36 @@
     mean_pub_prec = np.nanmean(epo_pub_prec, axis=0)
     mean_lowest_pub_prec = np.nanmean(epo_lowest_tools_pub_prec, axis=0)
     mean_lowest_norm_prec = np.nanmean(epo_lowest_tools_norm_prec, axis=0)
-    return mean_usage, mean_precision, mean_pub_prec, mean_lowest_pub_prec, mean_lowest_norm_prec, lowest_counter
+    return (
+        mean_usage,
+        mean_precision,
+        mean_pub_prec,
+        mean_lowest_pub_prec,
+        mean_lowest_norm_prec,
+        lowest_counter,
+    )
 
 
-def save_model(results, data_dictionary, compatible_next_tools, trained_model_path, class_weights, standard_connections):
+def save_model(
+    results,
+    data_dictionary,
+    compatible_next_tools,
+    trained_model_path,
+    class_weights,
+    standard_connections,
+):
     # save files
     trained_model = results["model"]
     best_model_parameters = results["best_parameters"]
     model_config = trained_model.to_json()
     model_weights = trained_model.get_weights()
     model_values = {
-        'data_dictionary': data_dictionary,
-        'model_config': model_config,
-        'best_parameters': best_model_parameters,
-        'model_weights': model_weights,
+        "data_dictionary": data_dictionary,
+        "model_config": model_config,
+        "best_parameters": best_model_parameters,
+        "model_weights": model_weights,
         "compatible_tools": compatible_next_tools,
         "class_weights": class_weights,
-        "standard_connections": standard_connections
+        "standard_connections": standard_connections,
     }
     set_trained_model(trained_model_path, model_values)